tt-torch
tt-torch is a PyTorch2.0 and torch-mlir based front-end for tt-mlir.
tt-torch uses venv to keep track of all dependencies. After compiling you can activate the venv by running from the project root directory:
source env/activate
The currently supported models can be found here. There is a brief demo showing how to use the compiler in demos/resnet/resnet50_demo.py
The general compile flow is:
- Pytorch model -> torch.compile which creates an fx graph
- Several compiler passes on the fx graph including consteval and dead code removal
- Conversion to torch-mlir -> torch-backend-mlir -> stableHLO through torch-mlir
- Conversion to TTIR -> TTNN -> flatbuffer through tt-mlir
- Creating executor with flatbuffer and passing back to user
- Copying inputs to device and executing flatbuffer through tt-mlir on each user invocation
In order to speed up model bring-up, users have the option of compiling models op-by-op. This allows in-parallel testing of the model since compilation does not stop at the first error. If enabled, see Controlling Compilation, after step 2, compilation stops and the fx graph is passed to the executor which is returned to the user. Upon execution, whenever a new, unique op is seen (based on op-type and shape on inputs), a new fx graph is created with just one operation, inputs and outputs. This small graph then proceeds through steps 3-4 and is executed in place.
Results of each unique op execution are stored in a json file to be later parsed into either a spreadsheet, or uploaded to a database.
Op-by-op execution is currently performed on the pytorch fx graph, we'll be adding support for op-by-op on the stableHLO graph soon to allow op-by-op bringup of onnx models.
The repository uses pre-commit, read more about it here.
Getting Started
System Dependencies
tt-torch
requires the python 3.10 dev package, as well as the venv package. If not already installed, please run the following:
sudo apt-get install python3.10-dev python3.10-venv
Creating a Virtual Environment (skip if you already have one)
Create a virtual environment if you do not already have one in your project:
python3.10 -m venv myvenv
This will create a virtual environemnt in the folder myvenv
in the current directory.
Activate the environemnt:
source myvenv/bin/activate
Installing tt-torch
Installation Notes
tt-torch
requires a pytorch installation that ships with their ABI.- The
tt-torch
wheel lists the following version of torch as an installation requirement:torch@https://download.pytorch.org/whl/cpu-cxx11-abi/torch-2.5.0%2Bcpu.cxx11.abi-cp310-cp310-linux_x86_64.whl
- This will be installed by pip upon installing the
tt-torch
wheel
- The
- The
tt-torch
wheel contains a fork oftorch-mlir
. Please ensure thattorch-mlir
has not been installed in your venv before installing thett-torch
wheel.
Torchvision Install (Required if you need to install torchvision)
If you intend to use torchvision in your project then this step must be done before installing the tt-torch wheel
You will need to build the torchvision wheel yourself with certain build flags. This is because torchvision does not publish a wheel which uses the PyTorch CXX11 ABI.
To install torchvision:
git clone https://github.com/pytorch/vision.git
cd vision
git checkout v0.20.0 # tt-torch requires PyTorch 2.5.0. torchvision 0.20 is the latest version of torchvision that is compatible with PyTorch 2.5.0
pip uninstall -y torchvision # Ensure torchvision is not in your virtual environment
pip install wheel
pip install torch@https://download.pytorch.org/whl/cpu-cxx11-abi/torch-2.5.0%2Bcpu.cxx11.abi-cp310-cp310-linux_x86_64.whl
TORCHVISION_USE_VIDEO_CODEC=0 TORCHVISION_USE_FFMPEG=0 _GLIBCXX_USE_CXX11_ABI=1 USE_CUDA=OFF python setup.py bdist_wheel
pip install dist/torchvision*.whl --force-reinstall
If the install was successful then there's no need to keep the torchvision source around:
cd ..
rm -rf vision
Installing the tt-torch wheel
Download a tt-torch
wheel from here
Install the wheel:
pip install <PATH_TO_TT_TORCH_WHEEL>.whl
Updating PYTHONPATH
In addition to the tt-torch
python library that gets installed in <YOUR_ENV_ROOT>/lib/python3.x/site-packages
, some binaries will be installed in <YOUR_ENV_ROOT>/lib
, and some files from tt-metal will be installed under <YOUR_ENV_ROOT>/tt-metal
. Python needs to see these installations and so you should update your PYTHONPATH
environment variable to include them:
export PYTHONPATH=$PYTHONPATH:<YOUR_ENV_ROOT>:<YOUR_ENV_ROOT>/lib
Compiling and Running a Model
Once you have your torch.nn.Module
compile the model:
from tt_torch.dynamo.backend import backend
import torch
class MyModel(torch.nn.Module):
def __init__(self):
...
def foward(self, ...):
...
model = MyModel()
model = torch.compile(model, backend=backend)
inputs = ...
outputs = model(inputs)
Example - Add Two Tensors
Here is an exampe of a small model which adds its inputs running through tt-torch. Try it out!
from tt_torch.dynamo.backend import backend
import torch
class AddTensors(torch.nn.Module):
def forward(self, x, y):
return x + y
model = AddTensors()
tt_model = torch.compile(model, backend=backend)
x = torch.ones(5, 5)
y = torch.ones(5, 5)
print(tt_model(x, y))
Prerequisites:
Main project dependencies are:
- clang 17
- Ninja
- CMake >= 3.30
- python 3.10
On Ubuntu 22.04 systems these can be installed using the following commands:
# Update package list
sudo apt update -y
sudo apt upgrade -y
# Install Clang
sudo apt install clang-17
# Install Ninja
sudo apt install ninja-build
# Install CMake
sudo apt remove cmake -y
pip3 install cmake --upgrade
Ensure cmake can by found in this path pip installed it to. E.g. by adding PATH=$PATH:$HOME/.local/bin
to your .bashrc
file, and verify installation:
cmake --version
This project requires the GCC 11 toolchain. To check which GCC toolchain is currently in use, run:
clang -v
Look for the line that starts with: Selected GCC installation:
. If it is something other than GCC 11, please uninstall that and install GCC 11 using:
sudo apt-get install gcc-11 lib32stdc++-11-dev lib32gcc-11-dev
The project also requires a toolchain build. By default, the toolchain is built in /opt/ttmlir-toolchain
. This path is controlled by the TTMLIR_TOOLCHAIN_DIR
environment variable.
The toolchain installation only needs to be done once, by running the following commands:
# Create toolchain dir
sudo mkdir -p /opt/ttmlir-toolchain
sudo chown -R $USER /opt/ttmlir-toolchain
# Build environment
cd third_party
export TTMLIR_TOOLCHAIN_DIR=/opt/ttmlir-toolchain/
cmake -B toolchain -DBUILD_TOOLCHAIN=ON
cd -
For more information see tt-mlir build steps.
Compile Steps:
Run the following commands to compile:
source env/activate
cmake -G Ninja -B build
cmake --build build
cmake --install build
Run a basic test to verify:
pytest tests/torch/test_basic.py
tt-torch uses pytest for all unit and model tests.
Tests are organized into unit tests for pytorch (tests/torch), unit tests for onnx (test/onns) and models (tests/models). They can be run locally by running:
source env/activate
pytest -svv tests/torch
Model tests (tests/models) have the option to run op-by-op, see overview. This allows for faster model bring-up as it allows users to find any potential issues in parallel. This is controlled by the --op_by_op_torch
or --op_by_op_stablehlo
flags. Example:
pytest -svv tests/models/albert --op_by_op_torch
Controlling Compiler Behaviour
You can use the following environment variables to override default behaviour:
Environment Variable | Behaviour | Default |
---|---|---|
TT_TORCH_COMPILE_DEPTH | Sets the maximum compile depth, see tt_torch/tools/utils.py for options. | EXECUTE |
TT_TORCH_VERIFY_OP_BY_OP | Sets whether to verify the output of each compiled op against pytorch when running with compile depth EXECUTE_OP_BY_OP . | False |
TT_TORCH_VERIFY_INTERMEDIATES | Sets whether to verify runtime intermediates during execution. | False |
TT_TORCH_CONSTEVAL | Enables evaluation of constant expressions (consteval) in the Torch FX graph prior to compilation. | False |
TT_TORCH_CONSTEVAL_PARAMETERS | Extends consteval to include parameters (e.g., model weights) as well as embedded constants. | False |
TT_TORCH_INLINE_PARAMETERS | Inlines parameters in the MLIR module (and thus flatbuffer executable) rather than requiring them as inputs. NOTE: The maximum size of a flatbuffer is 2GB so this will cause compilation to fail for sufficiently large models | False |
TT_TORCH_IR_LOG_LEVEL | Enables printing MLIR from Torch to TTNN. It supports two modes; INFO and DEBUG . INFO prints MLIR for all conversions steps (Torch, StableHLO, TTIR and TTNN MLIR graphs). DEBUG prints intermediate MLIR for all passes (IR dump before and after each pass) additionally. Be warned, DEBUG IR printing forces single core compile, so it is much slower. | Disable |
Controlling Compiler Behaviour Programatically
Instead of using the above environment variables, compiler behaviour can be configured programatically as well.
Here is an example of enabling consteval:
from tt_torch.dynamo.backend import backend
from tt_torch.tools.utils import CompilerConfig
import torch
class MyModel(torch.nn.Module):
def __init__(self):
...
def foward(self, ...):
...
model = MyModel()
cc = CompilerConfig()
cc.enable_consteval = True
cc.consteval_parameters = True # This will enable constant folding on the parameters in addition to any constants
model = torch.compile(model, backend=backend, options=cc)
inputs = ...
outputs = model(inputs)
Pre-Commit
Pre-Commit applies a Git hook to the local repository, ensuring linting is checked and applied on every git commit action. Install it from the root of the repository using:
source env/activate
pre-commit install
If you have already made commits before installing the pre-commit hooks, you can run the following to “catch up”:
pre-commit run --all-files
For more information visit pre-commit
Supported Models
The following models can be currently run through tt-torch as of Feb 3rd, 2025. Please note, there is a known bug causing incorrect output for some models. The PCC is displayed at the end of each test below. This issue will be addressed soon.
Model Name | Variant | Pytest Command |
---|---|---|
Albert | Masked LM Base | tests/models/albert/test_albert_masked_lm.py::test_albert_masked_lm[full-albert/albert-base-v2-eval] |
Masked LM Large | tests/models/albert/test_albert_masked_lm.py::test_albert_masked_lm[full-albert/albert-large-v2-eval] | |
Masked LM XLarge | tests/models/albert/test_albert_masked_lm.py::test_albert_masked_lm[full-albert/albert-xlarge-v2-eval] | |
Masked LM XXLarge | tests/models/albert/test_albert_masked_lm.py::test_albert_masked_lm[full-albert/albert-xxlarge-v2-eval] | |
Sequence Classification Base | tests/models/albert/test_albert_sequence_classification.py::test_albert_sequence_classification[full-textattack/albert-base-v2-imdb-eval] | |
Token Classification Base | tests/models/albert/test_albert_token_classification.py::test_albert_token_classification[full-albert/albert-base-v2-eval] | |
Autoencoder | (linear) | tests/models/autoencoder_linear/test_autoencoder_linear.py::test_autoencoder_linear[full-eval] |
DistilBert | base uncased | tests/models/distilbert/test_distilbert.py::test_distilbert[full-distilbert-base-uncased-eval] |
Llama | 3B | tests/models/llama/test_llama_3b.py::test_llama_3b[full-meta-llama/Llama-3.2-3B-eval] |
MLPMixer | tests/models/mlpmixer/test_mlpmixer.py::test_mlpmixer[full-eval] | |
MNist | pytest -svv tests/models/mnist/test_mnist.py::test_mnist_train[full-eval] | |
MobileNet V2 | tests/models/MobileNetV2/test_MobileNetV2.py::test_MobileNetV2[full-eval] | |
TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-mobilenet_v2] | |
MobileNet V3 | Small TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-mobilenet_v3_small] |
Large TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-mobilenet_v3_large] | |
OpenPose | tests/models/openpose/test_openpose_v2.py::test_openpose_v2[full-eval] | |
Preciever_IO | tests/models/perceiver_io/test_perceiver_io.py::test_perceiver_io[full-eval] | |
ResNet | 18 | tests/models/resnet/test_resnet.py::test_resnet[full-eval] |
18 TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnet18] | |
34 TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnet34] | |
50 | tests/models/resnet50/test_resnet50.py::test_resnet[full-eval] | |
50 TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnet50] | |
101 TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnet101] | |
152 TorchVision | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnet152] | |
Wide ResNet | 50 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-wide_resnet50_2] |
101 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-wide_resnet101_2] | |
ResNext | 50 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnext50_32x4d] |
101_32x8d | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnext101_32x8d] | |
101_64x4d | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-resnext101_64x4d] | |
Regnet | y 400 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_y_400mf] |
y 800 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_y_800mf] | |
y 1 6 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_y_1_6gf] | |
y 3 2 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_y_3_2gf] | |
y 8 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_y_8gf] | |
y 16 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_y_16gf] | |
y 32 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_y_32gf] | |
x 400 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_x_400mf] | |
x 800 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_x_800mf] | |
x 1 6 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_x_1_6gf] | |
x 3 2 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_x_3_2gf] | |
x 8 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_x_8gf] | |
x 16 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_x_16gf] | |
x 32 | tests/models/torchvision/test_torchvision_image_classification.py::test_torchvision_image_classification[full-regnet_x_32gf] | |
Yolo | V3 | tests/models/yolov3/test_yolov3.py::test_yolov3[full-eval] |
Ops Documentation
This section contains documentation for Ops operations.
Stablehlo Documentation
This section contains documentation for Stablehlo operations.
arith.constant
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1]>, | aten::_safe_softmax | 4 |
stablehlo.add::ttnn.add
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[256,256]>, Tensor<[256,256]>, | ttnn.add | aten::add.Tensor | 6 |
1 | Tensor<[1,1,32,32]>, Tensor<[1,1,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
2 | Tensor<[1,32,1]>, Tensor<[1,32,1]>, | ttnn.add | aten::add.Tensor | 4 |
3 | Tensor<[1,32,32,128]>, Tensor<[1,32,32,128]>, | ttnn.add | aten::add.Tensor | 5 |
4 | Tensor<[1,32,32,32]>, Tensor<[1,32,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
5 | Tensor<[1,32,4096]>, Tensor<[1,32,4096]>, | ttnn.add | aten::add.Tensor | 5 |
6 | Tensor<[32]>, Tensor<[32]>, | ttnn.add | aten::arange | 4 |
7 | Tensor<[32,1]>, Tensor<[32,1]>, | ttnn.add | aten::triu | 4 |
8 | Tensor<[1,7,768]>, Tensor<[1,7,768]>, | ttnn.add | aten::add.Tensor | 5 |
9 | Tensor<[7]>, Tensor<[7]>, | ttnn.add | aten::add.Tensor | 4 |
10 | Tensor<[1,7,1]>, Tensor<[1,7,1]>, | ttnn.add | aten::add.Tensor | 4 |
11 | Tensor<[7,2304]>, Tensor<[7,2304]>, | ttnn.add | aten::add.Tensor | 4 |
12 | Tensor<[1,12,7,7]>, Tensor<[1,12,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
13 | Tensor<[7,768]>, Tensor<[7,768]>, | ttnn.add | aten::add.Tensor | 4 |
14 | Tensor<[7,3072]>, Tensor<[7,3072]>, | ttnn.add | aten::add.Tensor | 4 |
15 | Tensor<[1,7,3072]>, Tensor<[1,7,3072]>, | ttnn.add | aten::add.Tensor | 5 |
16 | Tensor<[1]>, Tensor<[1]>, | ttnn.add | aten::arange | 4 |
17 | Tensor<[1,32,112,112]>, Tensor<[1,32,112,112]>, | ttnn.add | aten::add.Tensor | 4 |
18 | Tensor<[64]>, Tensor<[64]>, | ttnn.add | aten::add.Tensor | 4 |
19 | Tensor<[1,64,112,112]>, Tensor<[1,64,112,112]>, | ttnn.add | aten::add.Tensor | 4 |
20 | Tensor<[1,64,56,56]>, Tensor<[1,64,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
21 | Tensor<[128]>, Tensor<[128]>, | ttnn.add | aten::add.Tensor | 4 |
22 | Tensor<[1,128,56,56]>, Tensor<[1,128,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
23 | Tensor<[1,128,28,28]>, Tensor<[1,128,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
24 | Tensor<[256]>, Tensor<[256]>, | ttnn.add | aten::add.Tensor | 4 |
25 | Tensor<[1,256,28,28]>, Tensor<[1,256,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
26 | Tensor<[512]>, Tensor<[512]>, | ttnn.add | aten::add.Tensor | 4 |
27 | Tensor<[1,512,28,28]>, Tensor<[1,512,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
28 | Tensor<[1,19,28,28]>, Tensor<[1,19,28,28]>, | ttnn.add | aten::convolution | 4 |
29 | Tensor<[1,38,28,28]>, Tensor<[1,38,28,28]>, | ttnn.add | aten::convolution | 4 |
30 | Tensor<[256,512]>, Tensor<[256,512]>, | ttnn.add | aten::add.Tensor | 4 |
31 | Tensor<[1,256,1]>, Tensor<[1,256,1]>, | ttnn.add | aten::add.Tensor | 4 |
32 | Tensor<[1,256,512]>, Tensor<[1,256,512]>, | ttnn.add | aten::add.Tensor | 4 |
33 | Tensor<[1,1000]>, Tensor<[1,1000]>, | ttnn.add | aten::add.Tensor | 4 |
34 | Tensor<[1,1024,512]>, Tensor<[1,1024,512]>, | ttnn.add | aten::convolution | 4 |
35 | Tensor<[1,256,256]>, Tensor<[1,256,256]>, | ttnn.add | aten::gelu | 4 |
36 | Tensor<[1,64,1,1]>, Tensor<[1,64,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
37 | Tensor<[1,64,360,640]>, Tensor<[1,64,360,640]>, | ttnn.add | aten::add.Tensor | 4 |
38 | Tensor<[1,64,180,320]>, Tensor<[1,64,180,320]>, | ttnn.add | aten::add.Tensor | 4 |
39 | Tensor<[1,256,1,1]>, Tensor<[1,256,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
40 | Tensor<[1,256,180,320]>, Tensor<[1,256,180,320]>, | ttnn.add | aten::add.Tensor | 4 |
41 | Tensor<[1,128,1,1]>, Tensor<[1,128,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
42 | Tensor<[1,128,180,320]>, Tensor<[1,128,180,320]>, | ttnn.add | aten::add.Tensor | 4 |
43 | Tensor<[1,128,90,160]>, Tensor<[1,128,90,160]>, | ttnn.add | aten::add.Tensor | 4 |
44 | Tensor<[1,512,1,1]>, Tensor<[1,512,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
45 | Tensor<[1,512,90,160]>, Tensor<[1,512,90,160]>, | ttnn.add | aten::add.Tensor | 4 |
46 | Tensor<[1,256,90,160]>, Tensor<[1,256,90,160]>, | ttnn.add | aten::add.Tensor | 4 |
47 | Tensor<[1,256,45,80]>, Tensor<[1,256,45,80]>, | ttnn.add | aten::add.Tensor | 4 |
48 | Tensor<[1,1024,1,1]>, Tensor<[1,1024,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
49 | Tensor<[1,1024,45,80]>, Tensor<[1,1024,45,80]>, | ttnn.add | aten::add.Tensor | 4 |
50 | Tensor<[1,512,45,80]>, Tensor<[1,512,45,80]>, | ttnn.add | aten::add.Tensor | 4 |
51 | Tensor<[1,512,23,40]>, Tensor<[1,512,23,40]>, | ttnn.add | aten::add.Tensor | 4 |
52 | Tensor<[1,2048,1,1]>, Tensor<[1,2048,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
53 | Tensor<[1,2048,23,40]>, Tensor<[1,2048,23,40]>, | ttnn.add | aten::add.Tensor | 4 |
54 | Tensor<[23]>, Tensor<[23]>, | ttnn.add | aten::add.Tensor | 4 |
55 | Tensor<[40]>, Tensor<[40]>, | ttnn.add | aten::add.Tensor | 4 |
56 | Tensor<[1,1,40]>, Tensor<[1,1,40]>, | ttnn.add | aten::add.Tensor | 4 |
57 | Tensor<[1,23,1]>, Tensor<[1,23,1]>, | ttnn.add | aten::add.Tensor | 4 |
58 | Tensor<[920,1,256]>, Tensor<[920,1,256]>, | ttnn.add | aten::add.Tensor | 5 |
59 | Tensor<[920,256]>, Tensor<[920,256]>, | ttnn.add | aten::add.Tensor | 4 |
60 | Tensor<[920,1,1]>, Tensor<[920,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
61 | Tensor<[920,2048]>, Tensor<[920,2048]>, | ttnn.add | aten::add.Tensor | 4 |
62 | Tensor<[100,1,256]>, Tensor<[100,1,256]>, | ttnn.add | aten::add.Tensor | 5 |
63 | Tensor<[100,256]>, Tensor<[100,256]>, | ttnn.add | aten::add.Tensor | 4 |
64 | Tensor<[100,1,1]>, Tensor<[100,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
65 | Tensor<[100,2048]>, Tensor<[100,2048]>, | ttnn.add | aten::add.Tensor | 4 |
66 | Tensor<[6,1,100,92]>, Tensor<[6,1,100,92]>, | ttnn.add | aten::add.Tensor | 4 |
67 | Tensor<[6,1,100,256]>, Tensor<[6,1,100,256]>, | ttnn.add | aten::add.Tensor | 4 |
68 | Tensor<[6,1,100,4]>, Tensor<[6,1,100,4]>, | ttnn.add | aten::add.Tensor | 4 |
69 | Tensor<[8,920,920]>, Tensor<[8,920,920]>, | ttnn.add | aten::baddbmm | 4 |
70 | Tensor<[8,100,920]>, Tensor<[8,100,920]>, | ttnn.add | aten::baddbmm | 4 |
71 | Tensor<[1,256,23,40]>, Tensor<[1,256,23,40]>, | ttnn.add | aten::convolution | 4 |
72 | Tensor<[1,10]>, Tensor<[1,10]>, | ttnn.add | aten::add.Tensor | 5 |
73 | Tensor<[1,10,768]>, Tensor<[1,10,768]>, | ttnn.add | aten::add.Tensor | 5 |
74 | Tensor<[1,10,1]>, Tensor<[1,10,1]>, | ttnn.add | aten::add.Tensor | 4 |
75 | Tensor<[10,768]>, Tensor<[10,768]>, | ttnn.add | aten::add.Tensor | 4 |
76 | Tensor<[1,12,10,10]>, Tensor<[1,12,10,10]>, | ttnn.add | aten::add.Tensor | 4 |
77 | Tensor<[10,3072]>, Tensor<[10,3072]>, | ttnn.add | aten::add.Tensor | 4 |
78 | Tensor<[10,250002]>, Tensor<[10,250002]>, | ttnn.add | aten::add.Tensor | 4 |
79 | Tensor<[1,10,3072]>, Tensor<[1,10,3072]>, | ttnn.add | aten::gelu | 4 |
80 | Tensor<[1,1280]>, Tensor<[1,1280]>, | ttnn.add | aten::add.Tensor | 4 |
81 | Tensor<[1,32,1,1]>, Tensor<[1,32,1,1]>, | ttnn.add | aten::add.Tensor | 4 |
82 | Tensor<[1,320,64,64]>, Tensor<[1,320,64,64]>, | ttnn.add | aten::add.Tensor | 4 |
83 | Tensor<[1,320]>, Tensor<[1,320]>, | ttnn.add | aten::add.Tensor | 4 |
84 | Tensor<[1,4096,1]>, Tensor<[1,4096,1]>, | ttnn.add | aten::add.Tensor | 4 |
85 | Tensor<[1,4096,320]>, Tensor<[1,4096,320]>, | ttnn.add | aten::add.Tensor | 4 |
86 | Tensor<[4096,320]>, Tensor<[4096,320]>, | ttnn.add | aten::add.Tensor | 4 |
87 | Tensor<[4096,2560]>, Tensor<[4096,2560]>, | ttnn.add | aten::add.Tensor | 4 |
88 | Tensor<[1,320,32,32]>, Tensor<[1,320,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
89 | Tensor<[1,640]>, Tensor<[1,640]>, | ttnn.add | aten::add.Tensor | 4 |
90 | Tensor<[1,640,32,32]>, Tensor<[1,640,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
91 | Tensor<[1,1024,1]>, Tensor<[1,1024,1]>, | ttnn.add | aten::add.Tensor | 4 |
92 | Tensor<[1,1024,640]>, Tensor<[1,1024,640]>, | ttnn.add | aten::add.Tensor | 4 |
93 | Tensor<[1024,640]>, Tensor<[1024,640]>, | ttnn.add | aten::add.Tensor | 4 |
94 | Tensor<[1024,5120]>, Tensor<[1024,5120]>, | ttnn.add | aten::add.Tensor | 4 |
95 | Tensor<[1,640,16,16]>, Tensor<[1,640,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
96 | Tensor<[1,1280,16,16]>, Tensor<[1,1280,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
97 | Tensor<[1,256,1280]>, Tensor<[1,256,1280]>, | ttnn.add | aten::add.Tensor | 4 |
98 | Tensor<[256,1280]>, Tensor<[256,1280]>, | ttnn.add | aten::add.Tensor | 4 |
99 | Tensor<[256,10240]>, Tensor<[256,10240]>, | ttnn.add | aten::add.Tensor | 4 |
100 | Tensor<[1,1280,8,8]>, Tensor<[1,1280,8,8]>, | ttnn.add | aten::add.Tensor | 4 |
101 | Tensor<[1,64,1]>, Tensor<[1,64,1]>, | ttnn.add | aten::add.Tensor | 4 |
102 | Tensor<[1,64,1280]>, Tensor<[1,64,1280]>, | ttnn.add | aten::add.Tensor | 4 |
103 | Tensor<[64,1280]>, Tensor<[64,1280]>, | ttnn.add | aten::add.Tensor | 4 |
104 | Tensor<[64,10240]>, Tensor<[64,10240]>, | ttnn.add | aten::add.Tensor | 4 |
105 | Tensor<[1,2560,8,8]>, Tensor<[1,2560,8,8]>, | ttnn.add | aten::add.Tensor | 4 |
106 | Tensor<[16]>, Tensor<[16]>, | ttnn.add | aten::add.Tensor | 4 |
107 | Tensor<[1,2560,16,16]>, Tensor<[1,2560,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
108 | Tensor<[1,1920,16,16]>, Tensor<[1,1920,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
109 | Tensor<[1,1920,32,32]>, Tensor<[1,1920,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
110 | Tensor<[1,1280,32,32]>, Tensor<[1,1280,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
111 | Tensor<[1,960,32,32]>, Tensor<[1,960,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
112 | Tensor<[1,960,64,64]>, Tensor<[1,960,64,64]>, | ttnn.add | aten::add.Tensor | 4 |
113 | Tensor<[1,640,64,64]>, Tensor<[1,640,64,64]>, | ttnn.add | aten::add.Tensor | 4 |
114 | Tensor<[160]>, Tensor<[160]>, | ttnn.add | aten::arange.start | 4 |
115 | Tensor<[1,4,64,64]>, Tensor<[1,4,64,64]>, | ttnn.add | aten::convolution | 4 |
116 | Tensor<[1,4096,1280]>, Tensor<[1,4096,1280]>, | ttnn.add | aten::gelu | 4 |
117 | Tensor<[1,1024,2560]>, Tensor<[1,1024,2560]>, | ttnn.add | aten::gelu | 4 |
118 | Tensor<[1,256,5120]>, Tensor<[1,256,5120]>, | ttnn.add | aten::gelu | 4 |
119 | Tensor<[1,64,5120]>, Tensor<[1,64,5120]>, | ttnn.add | aten::gelu | 4 |
120 | Tensor<[1280]>, Tensor<[1280]>, | ttnn.add | aten::index.Tensor | 4 |
121 | Tensor<[640]>, Tensor<[640]>, | ttnn.add | aten::index.Tensor | 4 |
122 | Tensor<[1,25,768]>, Tensor<[1,25,768]>, | ttnn.add | aten::add.Tensor | 5 |
123 | Tensor<[1,25,1]>, Tensor<[1,25,1]>, | ttnn.add | aten::add.Tensor | 4 |
124 | Tensor<[25,768]>, Tensor<[25,768]>, | ttnn.add | aten::add.Tensor | 4 |
125 | Tensor<[1,12,25,25]>, Tensor<[1,12,25,25]>, | ttnn.add | aten::add.Tensor | 4 |
126 | Tensor<[25,3072]>, Tensor<[25,3072]>, | ttnn.add | aten::add.Tensor | 4 |
127 | Tensor<[25,2]>, Tensor<[25,2]>, | ttnn.add | aten::add.Tensor | 4 |
128 | Tensor<[1,1]>, Tensor<[1,1]>, | ttnn.add | aten::add.Tensor | 4 |
129 | Tensor<[1,25,3072]>, Tensor<[1,25,3072]>, | ttnn.add | aten::gelu | 4 |
130 | Tensor<[1,1445,192]>, Tensor<[1,1445,192]>, | ttnn.add | aten::add.Tensor | 5 |
131 | Tensor<[1,1445,1]>, Tensor<[1,1445,1]>, | ttnn.add | aten::add.Tensor | 4 |
132 | Tensor<[1445,192]>, Tensor<[1445,192]>, | ttnn.add | aten::add.Tensor | 4 |
133 | Tensor<[1445,768]>, Tensor<[1445,768]>, | ttnn.add | aten::add.Tensor | 4 |
134 | Tensor<[100,192]>, Tensor<[100,192]>, | ttnn.add | aten::add.Tensor | 4 |
135 | Tensor<[100,92]>, Tensor<[100,92]>, | ttnn.add | aten::add.Tensor | 4 |
136 | Tensor<[100,4]>, Tensor<[100,4]>, | ttnn.add | aten::add.Tensor | 4 |
137 | Tensor<[1,192,32,42]>, Tensor<[1,192,32,42]>, | ttnn.add | aten::convolution | 4 |
138 | Tensor<[1,1445,768]>, Tensor<[1,1445,768]>, | ttnn.add | aten::gelu | 4 |
139 | Tensor<[1,256,14,14]>, Tensor<[1,256,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
140 | Tensor<[1,512,7,7]>, Tensor<[1,512,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
141 | Tensor<[1,8,768]>, Tensor<[1,8,768]>, | ttnn.add | aten::add.Tensor | 5 |
142 | Tensor<[1,8,1]>, Tensor<[1,8,1]>, | ttnn.add | aten::add.Tensor | 4 |
143 | Tensor<[1,12,8,8]>, Tensor<[1,12,8,8]>, | ttnn.add | aten::add.Tensor | 4 |
144 | Tensor<[1,768,8]>, Tensor<[1,768,8]>, | ttnn.add | aten::add.Tensor | 5 |
145 | Tensor<[1,768]>, Tensor<[1,768]>, | ttnn.add | aten::add.Tensor | 4 |
146 | Tensor<[1,3]>, Tensor<[1,3]>, | ttnn.add | aten::add.Tensor | 4 |
147 | Tensor<[1,3072,8]>, Tensor<[1,3072,8]>, | ttnn.add | aten::convolution | 4 |
148 | Tensor<[1,2048,768]>, Tensor<[1,2048,768]>, | ttnn.add | aten::add.Tensor | 4 |
149 | Tensor<[1,2048,1]>, Tensor<[1,2048,1]>, | ttnn.add | aten::add.Tensor | 4 |
150 | Tensor<[2048,256]>, Tensor<[2048,256]>, | ttnn.add | aten::add.Tensor | 4 |
151 | Tensor<[2048,1280]>, Tensor<[2048,1280]>, | ttnn.add | aten::add.Tensor | 4 |
152 | Tensor<[1,8,256,2048]>, Tensor<[1,8,256,2048]>, | ttnn.add | aten::add.Tensor | 4 |
153 | Tensor<[256,768]>, Tensor<[256,768]>, | ttnn.add | aten::add.Tensor | 4 |
154 | Tensor<[2048,768]>, Tensor<[2048,768]>, | ttnn.add | aten::add.Tensor | 4 |
155 | Tensor<[2048,262]>, Tensor<[2048,262]>, | ttnn.add | aten::add.Tensor | 4 |
156 | Tensor<[2048]>, Tensor<[2048]>, | ttnn.add | aten::arange.start | 4 |
157 | Tensor<[1,256,56,56]>, Tensor<[1,256,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
158 | Tensor<[1024]>, Tensor<[1024]>, | ttnn.add | aten::add.Tensor | 4 |
159 | Tensor<[1,1024,14,14]>, Tensor<[1,1024,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
160 | Tensor<[1,512,14,14]>, Tensor<[1,512,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
161 | Tensor<[1,2048,7,7]>, Tensor<[1,2048,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
162 | Tensor<[12]>, Tensor<[12]>, | ttnn.add | aten::add.Tensor | 4 |
163 | Tensor<[1,193,768]>, Tensor<[1,193,768]>, | ttnn.add | aten::add.Tensor | 5 |
164 | Tensor<[1,201,1]>, Tensor<[1,201,1]>, | ttnn.add | aten::add.Tensor | 4 |
165 | Tensor<[1,201,768]>, Tensor<[1,201,768]>, | ttnn.add | aten::add.Tensor | 4 |
166 | Tensor<[201,768]>, Tensor<[201,768]>, | ttnn.add | aten::add.Tensor | 4 |
167 | Tensor<[1,12,201,201]>, Tensor<[1,12,201,201]>, | ttnn.add | aten::add.Tensor | 4 |
168 | Tensor<[201,3072]>, Tensor<[201,3072]>, | ttnn.add | aten::add.Tensor | 4 |
169 | Tensor<[1,1536]>, Tensor<[1,1536]>, | ttnn.add | aten::add.Tensor | 4 |
170 | Tensor<[1,3129]>, Tensor<[1,3129]>, | ttnn.add | aten::add.Tensor | 4 |
171 | Tensor<[1,768,12,16]>, Tensor<[1,768,12,16]>, | ttnn.add | aten::convolution | 4 |
172 | Tensor<[1,201,3072]>, Tensor<[1,201,3072]>, | ttnn.add | aten::gelu | 4 |
173 | Tensor<[1,128]>, Tensor<[1,128]>, | ttnn.add | aten::add.Tensor | 4 |
174 | Tensor<[1,32,26,26]>, Tensor<[1,32,26,26]>, | ttnn.add | aten::convolution | 4 |
175 | Tensor<[1,64,24,24]>, Tensor<[1,64,24,24]>, | ttnn.add | aten::convolution | 4 |
176 | Tensor<[19]>, Tensor<[19]>, | ttnn.add | aten::add.Tensor | 4 |
177 | Tensor<[1,19]>, Tensor<[1,19]>, | ttnn.add | aten::add.Tensor | 4 |
178 | Tensor<[1,19,1024]>, Tensor<[1,19,1024]>, | ttnn.add | aten::add.Tensor | 5 |
179 | Tensor<[1,19,1]>, Tensor<[1,19,1]>, | ttnn.add | aten::add.Tensor | 4 |
180 | Tensor<[19,1024]>, Tensor<[19,1024]>, | ttnn.add | aten::add.Tensor | 4 |
181 | Tensor<[1,16,19,19]>, Tensor<[1,16,19,19]>, | ttnn.add | aten::add.Tensor | 4 |
182 | Tensor<[19,4096]>, Tensor<[19,4096]>, | ttnn.add | aten::add.Tensor | 4 |
183 | Tensor<[1,19,4096]>, Tensor<[1,19,4096]>, | ttnn.add | aten::gelu | 4 |
184 | Tensor<[14]>, Tensor<[14]>, | ttnn.add | aten::add.Tensor | 4 |
185 | Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
186 | Tensor<[24]>, Tensor<[24]>, | ttnn.add | aten::add.Tensor | 4 |
187 | Tensor<[1,24,56,56]>, Tensor<[1,24,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
188 | Tensor<[1,40,56,56]>, Tensor<[1,40,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
189 | Tensor<[68]>, Tensor<[68]>, | ttnn.add | aten::add.Tensor | 4 |
190 | Tensor<[1,68,56,56]>, Tensor<[1,68,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
191 | Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
192 | Tensor<[28]>, Tensor<[28]>, | ttnn.add | aten::add.Tensor | 4 |
193 | Tensor<[1,28,28,28]>, Tensor<[1,28,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
194 | Tensor<[46]>, Tensor<[46]>, | ttnn.add | aten::add.Tensor | 4 |
195 | Tensor<[1,46,28,28]>, Tensor<[1,46,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
196 | Tensor<[78]>, Tensor<[78]>, | ttnn.add | aten::add.Tensor | 4 |
197 | Tensor<[1,78,28,28]>, Tensor<[1,78,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
198 | Tensor<[134]>, Tensor<[134]>, | ttnn.add | aten::add.Tensor | 4 |
199 | Tensor<[1,134,28,28]>, Tensor<[1,134,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
200 | Tensor<[20]>, Tensor<[20]>, | ttnn.add | aten::add.Tensor | 4 |
201 | Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
202 | Tensor<[34]>, Tensor<[34]>, | ttnn.add | aten::add.Tensor | 4 |
203 | Tensor<[1,34,28,28]>, Tensor<[1,34,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
204 | Tensor<[58]>, Tensor<[58]>, | ttnn.add | aten::add.Tensor | 4 |
205 | Tensor<[1,58,28,28]>, Tensor<[1,58,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
206 | Tensor<[98]>, Tensor<[98]>, | ttnn.add | aten::add.Tensor | 4 |
207 | Tensor<[1,98,28,28]>, Tensor<[1,98,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
208 | Tensor<[168]>, Tensor<[168]>, | ttnn.add | aten::add.Tensor | 4 |
209 | Tensor<[1,168,28,28]>, Tensor<[1,168,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
210 | Tensor<[320]>, Tensor<[320]>, | ttnn.add | aten::add.Tensor | 4 |
211 | Tensor<[1,320,28,28]>, Tensor<[1,320,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
212 | Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
213 | Tensor<[1,68,14,14]>, Tensor<[1,68,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
214 | Tensor<[116]>, Tensor<[116]>, | ttnn.add | aten::add.Tensor | 4 |
215 | Tensor<[1,116,14,14]>, Tensor<[1,116,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
216 | Tensor<[196]>, Tensor<[196]>, | ttnn.add | aten::add.Tensor | 4 |
217 | Tensor<[1,196,14,14]>, Tensor<[1,196,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
218 | Tensor<[334]>, Tensor<[334]>, | ttnn.add | aten::add.Tensor | 4 |
219 | Tensor<[1,334,14,14]>, Tensor<[1,334,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
220 | Tensor<[1,640,14,14]>, Tensor<[1,640,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
221 | Tensor<[1,160,7,7]>, Tensor<[1,160,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
222 | Tensor<[272]>, Tensor<[272]>, | ttnn.add | aten::add.Tensor | 4 |
223 | Tensor<[1,272,7,7]>, Tensor<[1,272,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
224 | Tensor<[462]>, Tensor<[462]>, | ttnn.add | aten::add.Tensor | 4 |
225 | Tensor<[1,462,7,7]>, Tensor<[1,462,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
226 | Tensor<[1,1024,7,7]>, Tensor<[1,1024,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
227 | Tensor<[1,32,512,512]>, Tensor<[1,32,512,512]>, | ttnn.add | aten::add.Tensor | 4 |
228 | Tensor<[1,64,256,256]>, Tensor<[1,64,256,256]>, | ttnn.add | aten::add.Tensor | 4 |
229 | Tensor<[1,32,256,256]>, Tensor<[1,32,256,256]>, | ttnn.add | aten::add.Tensor | 4 |
230 | Tensor<[1,128,128,128]>, Tensor<[1,128,128,128]>, | ttnn.add | aten::add.Tensor | 4 |
231 | Tensor<[1,64,128,128]>, Tensor<[1,64,128,128]>, | ttnn.add | aten::add.Tensor | 4 |
232 | Tensor<[1,256,64,64]>, Tensor<[1,256,64,64]>, | ttnn.add | aten::add.Tensor | 4 |
233 | Tensor<[1,128,64,64]>, Tensor<[1,128,64,64]>, | ttnn.add | aten::add.Tensor | 4 |
234 | Tensor<[1,512,32,32]>, Tensor<[1,512,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
235 | Tensor<[1,256,32,32]>, Tensor<[1,256,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
236 | Tensor<[1,1024,16,16]>, Tensor<[1,1024,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
237 | Tensor<[1,512,16,16]>, Tensor<[1,512,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
238 | Tensor<[1,256,16,16]>, Tensor<[1,256,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
239 | Tensor<[1,128,32,32]>, Tensor<[1,128,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
240 | Tensor<[1,255,16,16]>, Tensor<[1,255,16,16]>, | ttnn.add | aten::convolution | 4 |
241 | Tensor<[1,255,32,32]>, Tensor<[1,255,32,32]>, | ttnn.add | aten::convolution | 4 |
242 | Tensor<[1,255,64,64]>, Tensor<[1,255,64,64]>, | ttnn.add | aten::convolution | 4 |
243 | Tensor<[1,1,256,256]>, Tensor<[1,1,256,256]>, | ttnn.add | aten::convolution | 4 |
244 | Tensor<[1,4,14,14]>, Tensor<[1,4,14,14]>, | ttnn.add | aten::convolution | 4 |
245 | Tensor<[1,16,14,14]>, Tensor<[1,16,14,14]>, | ttnn.add | aten::convolution | 4 |
246 | Tensor<[1,1,28,28]>, Tensor<[1,1,28,28]>, | ttnn.add | aten::convolution | 4 |
247 | Tensor<[1,32,1536]>, Tensor<[1,32,1536]>, | ttnn.add | aten::add.Tensor | 4 |
248 | Tensor<[32,4608]>, Tensor<[32,4608]>, | ttnn.add | aten::add.Tensor | 4 |
249 | Tensor<[1,16,32,32]>, Tensor<[1,16,32,32]>, | ttnn.add | aten::add.Tensor | 4 |
250 | Tensor<[32,1536]>, Tensor<[32,1536]>, | ttnn.add | aten::add.Tensor | 4 |
251 | Tensor<[32,6144]>, Tensor<[32,6144]>, | ttnn.add | aten::add.Tensor | 4 |
252 | Tensor<[1,32,6144]>, Tensor<[1,32,6144]>, | ttnn.add | aten::add.Tensor | 4 |
253 | Tensor<[16,32,32]>, Tensor<[16,32,32]>, | ttnn.add | aten::baddbmm | 4 |
254 | Tensor<[1,16,768]>, Tensor<[1,16,768]>, | ttnn.add | aten::add.Tensor | 5 |
255 | Tensor<[1,16,1]>, Tensor<[1,16,1]>, | ttnn.add | aten::add.Tensor | 4 |
256 | Tensor<[16,768]>, Tensor<[16,768]>, | ttnn.add | aten::add.Tensor | 4 |
257 | Tensor<[1,12,16,16]>, Tensor<[1,12,16,16]>, | ttnn.add | aten::add.Tensor | 4 |
258 | Tensor<[16,3072]>, Tensor<[16,3072]>, | ttnn.add | aten::add.Tensor | 4 |
259 | Tensor<[1,16,3072]>, Tensor<[1,16,3072]>, | ttnn.add | aten::gelu | 4 |
260 | Tensor<[1,64,224,224]>, Tensor<[1,64,224,224]>, | ttnn.add | aten::add.Tensor | 4 |
261 | Tensor<[1,128,112,112]>, Tensor<[1,128,112,112]>, | ttnn.add | aten::add.Tensor | 4 |
262 | Tensor<[1,1,224,224]>, Tensor<[1,1,224,224]>, | ttnn.add | aten::convolution | 4 |
263 | Tensor<[1,19200,1]>, Tensor<[1,19200,1]>, | ttnn.add | aten::add.Tensor | 4 |
264 | Tensor<[1,19200,64]>, Tensor<[1,19200,64]>, | ttnn.add | aten::add.Tensor | 4 |
265 | Tensor<[19200,64]>, Tensor<[19200,64]>, | ttnn.add | aten::add.Tensor | 4 |
266 | Tensor<[1,300,1]>, Tensor<[1,300,1]>, | ttnn.add | aten::add.Tensor | 4 |
267 | Tensor<[1,300,64]>, Tensor<[1,300,64]>, | ttnn.add | aten::add.Tensor | 4 |
268 | Tensor<[300,64]>, Tensor<[300,64]>, | ttnn.add | aten::add.Tensor | 4 |
269 | Tensor<[19200,256]>, Tensor<[19200,256]>, | ttnn.add | aten::add.Tensor | 4 |
270 | Tensor<[1,4800,1]>, Tensor<[1,4800,1]>, | ttnn.add | aten::add.Tensor | 4 |
271 | Tensor<[1,4800,128]>, Tensor<[1,4800,128]>, | ttnn.add | aten::add.Tensor | 4 |
272 | Tensor<[4800,128]>, Tensor<[4800,128]>, | ttnn.add | aten::add.Tensor | 4 |
273 | Tensor<[1,300,128]>, Tensor<[1,300,128]>, | ttnn.add | aten::add.Tensor | 4 |
274 | Tensor<[300,128]>, Tensor<[300,128]>, | ttnn.add | aten::add.Tensor | 4 |
275 | Tensor<[4800,512]>, Tensor<[4800,512]>, | ttnn.add | aten::add.Tensor | 4 |
276 | Tensor<[1,1200,1]>, Tensor<[1,1200,1]>, | ttnn.add | aten::add.Tensor | 4 |
277 | Tensor<[1,1200,320]>, Tensor<[1,1200,320]>, | ttnn.add | aten::add.Tensor | 4 |
278 | Tensor<[1200,320]>, Tensor<[1200,320]>, | ttnn.add | aten::add.Tensor | 4 |
279 | Tensor<[1,300,320]>, Tensor<[1,300,320]>, | ttnn.add | aten::add.Tensor | 4 |
280 | Tensor<[300,320]>, Tensor<[300,320]>, | ttnn.add | aten::add.Tensor | 4 |
281 | Tensor<[1200,1280]>, Tensor<[1200,1280]>, | ttnn.add | aten::add.Tensor | 4 |
282 | Tensor<[1,300,512]>, Tensor<[1,300,512]>, | ttnn.add | aten::add.Tensor | 4 |
283 | Tensor<[300,512]>, Tensor<[300,512]>, | ttnn.add | aten::add.Tensor | 4 |
284 | Tensor<[300,2048]>, Tensor<[300,2048]>, | ttnn.add | aten::add.Tensor | 4 |
285 | Tensor<[30]>, Tensor<[30]>, | ttnn.add | aten::add.Tensor | 4 |
286 | Tensor<[30,1]>, Tensor<[30,1]>, | ttnn.add | aten::add.Tensor | 4 |
287 | Tensor<[1,64,30,40]>, Tensor<[1,64,30,40]>, | ttnn.add | aten::add.Tensor | 5 |
288 | Tensor<[1,32,30,40]>, Tensor<[1,32,30,40]>, | ttnn.add | aten::add.Tensor | 4 |
289 | Tensor<[60]>, Tensor<[60]>, | ttnn.add | aten::add.Tensor | 4 |
290 | Tensor<[60,1]>, Tensor<[60,1]>, | ttnn.add | aten::add.Tensor | 4 |
291 | Tensor<[80]>, Tensor<[80]>, | ttnn.add | aten::add.Tensor | 4 |
292 | Tensor<[1,64,60,80]>, Tensor<[1,64,60,80]>, | ttnn.add | aten::add.Tensor | 5 |
293 | Tensor<[1,32,60,80]>, Tensor<[1,32,60,80]>, | ttnn.add | aten::add.Tensor | 4 |
294 | Tensor<[120]>, Tensor<[120]>, | ttnn.add | aten::add.Tensor | 4 |
295 | Tensor<[120,1]>, Tensor<[120,1]>, | ttnn.add | aten::add.Tensor | 4 |
296 | Tensor<[1,64,120,160]>, Tensor<[1,64,120,160]>, | ttnn.add | aten::add.Tensor | 5 |
297 | Tensor<[1,32,120,160]>, Tensor<[1,32,120,160]>, | ttnn.add | aten::add.Tensor | 4 |
298 | Tensor<[240]>, Tensor<[240]>, | ttnn.add | aten::add.Tensor | 4 |
299 | Tensor<[240,1]>, Tensor<[240,1]>, | ttnn.add | aten::add.Tensor | 4 |
300 | Tensor<[1,64,240,320]>, Tensor<[1,64,240,320]>, | ttnn.add | aten::add.Tensor | 5 |
301 | Tensor<[480]>, Tensor<[480]>, | ttnn.add | aten::add.Tensor | 4 |
302 | Tensor<[480,1]>, Tensor<[480,1]>, | ttnn.add | aten::add.Tensor | 4 |
303 | Tensor<[1,64,480,640]>, Tensor<[1,64,480,640]>, | ttnn.add | aten::add.Tensor | 5 |
304 | Tensor<[1,64,15,20]>, Tensor<[1,64,15,20]>, | ttnn.add | aten::convolution | 4 |
305 | Tensor<[1,256,120,160]>, Tensor<[1,256,120,160]>, | ttnn.add | aten::convolution | 4 |
306 | Tensor<[1,128,60,80]>, Tensor<[1,128,60,80]>, | ttnn.add | aten::convolution | 4 |
307 | Tensor<[1,128,15,20]>, Tensor<[1,128,15,20]>, | ttnn.add | aten::convolution | 4 |
308 | Tensor<[1,512,60,80]>, Tensor<[1,512,60,80]>, | ttnn.add | aten::convolution | 4 |
309 | Tensor<[1,320,30,40]>, Tensor<[1,320,30,40]>, | ttnn.add | aten::convolution | 4 |
310 | Tensor<[1,320,15,20]>, Tensor<[1,320,15,20]>, | ttnn.add | aten::convolution | 4 |
311 | Tensor<[1,1280,30,40]>, Tensor<[1,1280,30,40]>, | ttnn.add | aten::convolution | 4 |
312 | Tensor<[1,512,15,20]>, Tensor<[1,512,15,20]>, | ttnn.add | aten::convolution | 4 |
313 | Tensor<[1,2048,15,20]>, Tensor<[1,2048,15,20]>, | ttnn.add | aten::convolution | 4 |
314 | Tensor<[1,2,30,40]>, Tensor<[1,2,30,40]>, | ttnn.add | aten::convolution | 4 |
315 | Tensor<[1,2,60,80]>, Tensor<[1,2,60,80]>, | ttnn.add | aten::convolution | 4 |
316 | Tensor<[1,2,120,160]>, Tensor<[1,2,120,160]>, | ttnn.add | aten::convolution | 4 |
317 | Tensor<[1,1,480,640]>, Tensor<[1,1,480,640]>, | ttnn.add | aten::convolution | 4 |
318 | Tensor<[1,19200,256]>, Tensor<[1,19200,256]>, | ttnn.add | aten::gelu | 4 |
319 | Tensor<[1,4800,512]>, Tensor<[1,4800,512]>, | ttnn.add | aten::gelu | 4 |
320 | Tensor<[1,1200,1280]>, Tensor<[1,1200,1280]>, | ttnn.add | aten::gelu | 4 |
321 | Tensor<[1,300,2048]>, Tensor<[1,300,2048]>, | ttnn.add | aten::gelu | 4 |
322 | Tensor<[1,197,768]>, Tensor<[1,197,768]>, | ttnn.add | aten::add.Tensor | 5 |
323 | Tensor<[1,197,1]>, Tensor<[1,197,1]>, | ttnn.add | aten::add.Tensor | 4 |
324 | Tensor<[197,768]>, Tensor<[197,768]>, | ttnn.add | aten::add.Tensor | 4 |
325 | Tensor<[197,3072]>, Tensor<[197,3072]>, | ttnn.add | aten::add.Tensor | 4 |
326 | Tensor<[1,768,14,14]>, Tensor<[1,768,14,14]>, | ttnn.add | aten::convolution | 4 |
327 | Tensor<[1,197,3072]>, Tensor<[1,197,3072]>, | ttnn.add | aten::gelu | 4 |
328 | Tensor<[1,16384,1]>, Tensor<[1,16384,1]>, | ttnn.add | aten::add.Tensor | 4 |
329 | Tensor<[1,16384,32]>, Tensor<[1,16384,32]>, | ttnn.add | aten::add.Tensor | 4 |
330 | Tensor<[16384,32]>, Tensor<[16384,32]>, | ttnn.add | aten::add.Tensor | 4 |
331 | Tensor<[1,256,32]>, Tensor<[1,256,32]>, | ttnn.add | aten::add.Tensor | 4 |
332 | Tensor<[256,32]>, Tensor<[256,32]>, | ttnn.add | aten::add.Tensor | 4 |
333 | Tensor<[16384,128]>, Tensor<[16384,128]>, | ttnn.add | aten::add.Tensor | 4 |
334 | Tensor<[1,4096,64]>, Tensor<[1,4096,64]>, | ttnn.add | aten::add.Tensor | 4 |
335 | Tensor<[4096,64]>, Tensor<[4096,64]>, | ttnn.add | aten::add.Tensor | 4 |
336 | Tensor<[1,256,64]>, Tensor<[1,256,64]>, | ttnn.add | aten::add.Tensor | 4 |
337 | Tensor<[256,64]>, Tensor<[256,64]>, | ttnn.add | aten::add.Tensor | 4 |
338 | Tensor<[4096,256]>, Tensor<[4096,256]>, | ttnn.add | aten::add.Tensor | 4 |
339 | Tensor<[1,1024,160]>, Tensor<[1,1024,160]>, | ttnn.add | aten::add.Tensor | 4 |
340 | Tensor<[1024,160]>, Tensor<[1024,160]>, | ttnn.add | aten::add.Tensor | 4 |
341 | Tensor<[1,256,160]>, Tensor<[1,256,160]>, | ttnn.add | aten::add.Tensor | 4 |
342 | Tensor<[256,160]>, Tensor<[256,160]>, | ttnn.add | aten::add.Tensor | 4 |
343 | Tensor<[256,1024]>, Tensor<[256,1024]>, | ttnn.add | aten::add.Tensor | 4 |
344 | Tensor<[1,16384,256]>, Tensor<[1,16384,256]>, | ttnn.add | aten::add.Tensor | 4 |
345 | Tensor<[128,1]>, Tensor<[128,1]>, | ttnn.add | aten::add.Tensor | 4 |
346 | Tensor<[1,256,128,128]>, Tensor<[1,256,128,128]>, | ttnn.add | aten::add.Tensor | 5 |
347 | Tensor<[1,4096,256]>, Tensor<[1,4096,256]>, | ttnn.add | aten::add.Tensor | 4 |
348 | Tensor<[1,1024,256]>, Tensor<[1,1024,256]>, | ttnn.add | aten::add.Tensor | 4 |
349 | Tensor<[1,32,128,128]>, Tensor<[1,32,128,128]>, | ttnn.add | aten::convolution | 4 |
350 | Tensor<[1,32,16,16]>, Tensor<[1,32,16,16]>, | ttnn.add | aten::convolution | 4 |
351 | Tensor<[1,64,64,64]>, Tensor<[1,64,64,64]>, | ttnn.add | aten::convolution | 4 |
352 | Tensor<[1,64,16,16]>, Tensor<[1,64,16,16]>, | ttnn.add | aten::convolution | 4 |
353 | Tensor<[1,160,32,32]>, Tensor<[1,160,32,32]>, | ttnn.add | aten::convolution | 4 |
354 | Tensor<[1,160,16,16]>, Tensor<[1,160,16,16]>, | ttnn.add | aten::convolution | 4 |
355 | Tensor<[1,150,128,128]>, Tensor<[1,150,128,128]>, | ttnn.add | aten::convolution | 4 |
356 | Tensor<[1,16384,128]>, Tensor<[1,16384,128]>, | ttnn.add | aten::gelu | 4 |
357 | Tensor<[1,256,1024]>, Tensor<[1,256,1024]>, | ttnn.add | aten::gelu | 4 |
358 | Tensor<[1,1,7,7]>, Tensor<[1,1,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
359 | Tensor<[1,7,4544]>, Tensor<[1,7,4544]>, | ttnn.add | aten::add.Tensor | 4 |
360 | Tensor<[1,71,7,64]>, Tensor<[1,71,7,64]>, | ttnn.add | aten::add.Tensor | 5 |
361 | Tensor<[1,1,7,64]>, Tensor<[1,1,7,64]>, | ttnn.add | aten::add.Tensor | 5 |
362 | Tensor<[1,71,7,7]>, Tensor<[1,71,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
363 | Tensor<[1,7,18176]>, Tensor<[1,7,18176]>, | ttnn.add | aten::gelu | 4 |
364 | Tensor<[7,1]>, Tensor<[7,1]>, | ttnn.add | aten::triu | 4 |
365 | Tensor<[1,16,112,112]>, Tensor<[1,16,112,112]>, | ttnn.add | aten::add.Tensor | 4 |
366 | Tensor<[96]>, Tensor<[96]>, | ttnn.add | aten::add.Tensor | 4 |
367 | Tensor<[1,96,112,112]>, Tensor<[1,96,112,112]>, | ttnn.add | aten::add.Tensor | 4 |
368 | Tensor<[1,96,56,56]>, Tensor<[1,96,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
369 | Tensor<[144]>, Tensor<[144]>, | ttnn.add | aten::add.Tensor | 4 |
370 | Tensor<[1,144,56,56]>, Tensor<[1,144,56,56]>, | ttnn.add | aten::add.Tensor | 4 |
371 | Tensor<[1,144,28,28]>, Tensor<[1,144,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
372 | Tensor<[1,32,28,28]>, Tensor<[1,32,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
373 | Tensor<[192]>, Tensor<[192]>, | ttnn.add | aten::add.Tensor | 4 |
374 | Tensor<[1,192,28,28]>, Tensor<[1,192,28,28]>, | ttnn.add | aten::add.Tensor | 4 |
375 | Tensor<[1,192,14,14]>, Tensor<[1,192,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
376 | Tensor<[1,64,14,14]>, Tensor<[1,64,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
377 | Tensor<[384]>, Tensor<[384]>, | ttnn.add | aten::add.Tensor | 4 |
378 | Tensor<[1,384,14,14]>, Tensor<[1,384,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
379 | Tensor<[1,96,14,14]>, Tensor<[1,96,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
380 | Tensor<[576]>, Tensor<[576]>, | ttnn.add | aten::add.Tensor | 4 |
381 | Tensor<[1,576,14,14]>, Tensor<[1,576,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
382 | Tensor<[1,576,7,7]>, Tensor<[1,576,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
383 | Tensor<[960]>, Tensor<[960]>, | ttnn.add | aten::add.Tensor | 4 |
384 | Tensor<[1,960,7,7]>, Tensor<[1,960,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
385 | Tensor<[1,320,7,7]>, Tensor<[1,320,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
386 | Tensor<[1,1280,7,7]>, Tensor<[1,1280,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
387 | Tensor<[1,12,128]>, Tensor<[1,12,128]>, | ttnn.add | aten::add.Tensor | 5 |
388 | Tensor<[1,12,1]>, Tensor<[1,12,1]>, | ttnn.add | aten::add.Tensor | 4 |
389 | Tensor<[12,768]>, Tensor<[12,768]>, | ttnn.add | aten::add.Tensor | 4 |
390 | Tensor<[1,12,12,12]>, Tensor<[1,12,12,12]>, | ttnn.add | aten::add.Tensor | 4 |
391 | Tensor<[1,12,768]>, Tensor<[1,12,768]>, | ttnn.add | aten::add.Tensor | 5 |
392 | Tensor<[12,3072]>, Tensor<[12,3072]>, | ttnn.add | aten::add.Tensor | 4 |
393 | Tensor<[1,12,3072]>, Tensor<[1,12,3072]>, | ttnn.add | aten::add.Tensor | 5 |
394 | Tensor<[12,2]>, Tensor<[12,2]>, | ttnn.add | aten::add.Tensor | 4 |
395 | Tensor<[1,9,128]>, Tensor<[1,9,128]>, | ttnn.add | aten::add.Tensor | 5 |
396 | Tensor<[1,9,1]>, Tensor<[1,9,1]>, | ttnn.add | aten::add.Tensor | 4 |
397 | Tensor<[9,768]>, Tensor<[9,768]>, | ttnn.add | aten::add.Tensor | 4 |
398 | Tensor<[1,12,9,9]>, Tensor<[1,12,9,9]>, | ttnn.add | aten::add.Tensor | 4 |
399 | Tensor<[1,9,768]>, Tensor<[1,9,768]>, | ttnn.add | aten::add.Tensor | 5 |
400 | Tensor<[9,3072]>, Tensor<[9,3072]>, | ttnn.add | aten::add.Tensor | 4 |
401 | Tensor<[1,9,3072]>, Tensor<[1,9,3072]>, | ttnn.add | aten::add.Tensor | 5 |
402 | Tensor<[9,128]>, Tensor<[9,128]>, | ttnn.add | aten::add.Tensor | 4 |
403 | Tensor<[9,30000]>, Tensor<[9,30000]>, | ttnn.add | aten::add.Tensor | 4 |
404 | Tensor<[9,2048]>, Tensor<[9,2048]>, | ttnn.add | aten::add.Tensor | 4 |
405 | Tensor<[1,16,9,9]>, Tensor<[1,16,9,9]>, | ttnn.add | aten::add.Tensor | 4 |
406 | Tensor<[1,9,2048]>, Tensor<[1,9,2048]>, | ttnn.add | aten::add.Tensor | 5 |
407 | Tensor<[9,8192]>, Tensor<[9,8192]>, | ttnn.add | aten::add.Tensor | 4 |
408 | Tensor<[1,9,8192]>, Tensor<[1,9,8192]>, | ttnn.add | aten::add.Tensor | 5 |
409 | Tensor<[9,1024]>, Tensor<[9,1024]>, | ttnn.add | aten::add.Tensor | 4 |
410 | Tensor<[1,9,1024]>, Tensor<[1,9,1024]>, | ttnn.add | aten::add.Tensor | 5 |
411 | Tensor<[9,4096]>, Tensor<[9,4096]>, | ttnn.add | aten::add.Tensor | 4 |
412 | Tensor<[1,9,4096]>, Tensor<[1,9,4096]>, | ttnn.add | aten::add.Tensor | 5 |
413 | Tensor<[1,64,9,9]>, Tensor<[1,64,9,9]>, | ttnn.add | aten::add.Tensor | 4 |
414 | Tensor<[9,16384]>, Tensor<[9,16384]>, | ttnn.add | aten::add.Tensor | 4 |
415 | Tensor<[1,9,16384]>, Tensor<[1,9,16384]>, | ttnn.add | aten::add.Tensor | 5 |
416 | Tensor<[1,2]>, Tensor<[1,2]>, | ttnn.add | aten::add.Tensor | 4 |
417 | Tensor<[1,14,128]>, Tensor<[1,14,128]>, | ttnn.add | aten::add.Tensor | 5 |
418 | Tensor<[1,14,1]>, Tensor<[1,14,1]>, | ttnn.add | aten::add.Tensor | 4 |
419 | Tensor<[14,768]>, Tensor<[14,768]>, | ttnn.add | aten::add.Tensor | 4 |
420 | Tensor<[1,12,14,14]>, Tensor<[1,12,14,14]>, | ttnn.add | aten::add.Tensor | 4 |
421 | Tensor<[1,14,768]>, Tensor<[1,14,768]>, | ttnn.add | aten::add.Tensor | 5 |
422 | Tensor<[14,3072]>, Tensor<[14,3072]>, | ttnn.add | aten::add.Tensor | 4 |
423 | Tensor<[1,14,3072]>, Tensor<[1,14,3072]>, | ttnn.add | aten::add.Tensor | 5 |
424 | Tensor<[14,2]>, Tensor<[14,2]>, | ttnn.add | aten::add.Tensor | 4 |
425 | Tensor<[1,50,768]>, Tensor<[1,50,768]>, | ttnn.add | aten::add.Tensor | 5 |
426 | Tensor<[1,50,1]>, Tensor<[1,50,1]>, | ttnn.add | aten::add.Tensor | 4 |
427 | Tensor<[50,768]>, Tensor<[50,768]>, | ttnn.add | aten::add.Tensor | 4 |
428 | Tensor<[50,3072]>, Tensor<[50,3072]>, | ttnn.add | aten::add.Tensor | 4 |
429 | Tensor<[2,7,512]>, Tensor<[2,7,512]>, | ttnn.add | aten::add.Tensor | 4 |
430 | Tensor<[2,7,1]>, Tensor<[2,7,1]>, | ttnn.add | aten::add.Tensor | 4 |
431 | Tensor<[2,1,7,7]>, Tensor<[2,1,7,7]>, | ttnn.add | aten::add.Tensor | 5 |
432 | Tensor<[14,512]>, Tensor<[14,512]>, | ttnn.add | aten::add.Tensor | 4 |
433 | Tensor<[2,8,7,7]>, Tensor<[2,8,7,7]>, | ttnn.add | aten::add.Tensor | 4 |
434 | Tensor<[14,2048]>, Tensor<[14,2048]>, | ttnn.add | aten::add.Tensor | 4 |
435 | Tensor<[2]>, Tensor<[2]>, | ttnn.add | aten::arange | 4 |
436 | Tensor<[1,197,1024]>, Tensor<[1,197,1024]>, | ttnn.add | aten::add.Tensor | 4 |
437 | Tensor<[197,1024]>, Tensor<[197,1024]>, | ttnn.add | aten::add.Tensor | 4 |
438 | Tensor<[27]>, Tensor<[27]>, | ttnn.add | aten::add.Tensor | 4 |
439 | Tensor<[27,1]>, Tensor<[27,1]>, | ttnn.add | aten::add.Tensor | 4 |
440 | Tensor<[1,16,27,27]>, Tensor<[1,16,27,27]>, | ttnn.add | aten::add.Tensor | 5 |
441 | Tensor<[196,196]>, Tensor<[196,196]>, | ttnn.add | aten::add.Tensor | 4 |
442 | Tensor<[1,16,197,197]>, Tensor<[1,16,197,197]>, | ttnn.add | aten::add.Tensor | 5 |
443 | Tensor<[197,4096]>, Tensor<[197,4096]>, | ttnn.add | aten::add.Tensor | 4 |
444 | Tensor<[1,1024]>, Tensor<[1,1024]>, | ttnn.add | aten::add.Tensor | 4 |
445 | Tensor<[197]>, Tensor<[197]>, | ttnn.add | aten::arange | 4 |
446 | Tensor<[1,197,4096]>, Tensor<[1,197,4096]>, | ttnn.add | aten::gelu | 4 |
447 | Tensor<[1,12,27,27]>, Tensor<[1,12,27,27]>, | ttnn.add | aten::add.Tensor | 5 |
448 | Tensor<[1,12,197,197]>, Tensor<[1,12,197,197]>, | ttnn.add | aten::add.Tensor | 5 |
449 | Tensor<[1,64]>, Tensor<[1,64]>, | ttnn.add | aten::add.Tensor | 4 |
450 | Tensor<[1,12]>, Tensor<[1,12]>, | ttnn.add | aten::add.Tensor | 4 |
451 | Tensor<[1,784]>, Tensor<[1,784]>, | ttnn.add | aten::add.Tensor | 4 |
stablehlo.and::ttnn.and
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[19]>, Tensor<[19]>, | ttnn.and | aten::logical_and | 5 |
1 | Tensor<[197]>, Tensor<[197]>, | ttnn.and | aten::logical_and | 5 |
stablehlo.broadcast_in_dim
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
1 | Tensor<[1,32,32,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
2 | Scalar, dims: [] | aten::_safe_softmax | 4 | |
3 | Tensor<[1,1,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
4 | Tensor<[1,1,1,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
5 | Tensor<[1,32,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
6 | Tensor<[32]>, dims: [0] | aten::arange | 4 | |
7 | Tensor<[1,1,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
8 | Tensor<[32,128,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
9 | Tensor<[32,32,128]>, dims: [0, 1, 2] | aten::bmm | 4 | |
10 | Tensor<[32]>, dims: [1] | aten::gt.Tensor | 4 | |
11 | Tensor<[32,1]>, dims: [0, 1] | aten::gt.Tensor | 4 | |
12 | Tensor<[1,32,32,128]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
13 | Tensor<[1,32,128,32]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
14 | Tensor<[1,32,128]>, dims: [0, 1, 2] | aten::mul.Tensor | 4 | |
15 | Tensor<[1,32,4096]>, dims: [0, 1, 2] | aten::mul.Tensor | 4 | |
16 | Tensor<[4096]>, dims: [2] | aten::mul.Tensor | 4 | |
17 | Tensor<[1,1,32,128]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
18 | Tensor<[1,32]>, dims: [0, 1] | aten::triu | 4 | |
19 | Tensor<[32,32]>, dims: [0, 1] | aten::triu | 4 | |
20 | Tensor<[1,12,7,7]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
21 | Tensor<[1,12,7,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
22 | Tensor<[7]>, dims: [0] | aten::add.Tensor | 4 | |
23 | Tensor<[1,7,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
24 | Tensor<[1,7,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
25 | Tensor<[768]>, dims: [2] | aten::add.Tensor | 4 | |
26 | Tensor<[7,2304]>, dims: [0, 1] | aten::add.Tensor | 4 | |
27 | Tensor<[2304]>, dims: [1] | aten::add.Tensor | 4 | |
28 | Tensor<[1,1,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
29 | Tensor<[7,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
30 | Tensor<[768]>, dims: [1] | aten::add.Tensor | 4 | |
31 | Tensor<[7,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
32 | Tensor<[3072]>, dims: [1] | aten::add.Tensor | 4 | |
33 | Tensor<[1,7,3072]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
34 | Tensor<[1]>, dims: [0] | aten::arange | 4 | |
35 | Tensor<[12,64,7]>, dims: [0, 1, 2] | aten::bmm | 4 | |
36 | Tensor<[12,7,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
37 | Tensor<[1,7]>, dims: [0, 1] | aten::eq.Scalar | 4 | |
38 | Tensor<[1,1,1,7]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
39 | Tensor<[7]>, dims: [1] | aten::lt.Tensor | 4 | |
40 | Tensor<[7,1]>, dims: [0, 1] | aten::lt.Tensor | 4 | |
41 | Tensor<[1,12,7,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
42 | Tensor<[1,12,64,7]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
43 | Tensor<[2304]>, dims: [0] | aten::mul.Tensor | 4 | |
44 | Tensor<[768]>, dims: [0] | aten::mul.Tensor | 4 | |
45 | Tensor<[3072]>, dims: [0] | aten::mul.Tensor | 4 | |
46 | Tensor<[7,7]>, dims: [0, 1] | aten::where.self | 4 | |
47 | Tensor<[1,32,112,112]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
48 | Tensor<[32,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
49 | Tensor<[64]>, dims: [0] | aten::add.Tensor | 4 | |
50 | Tensor<[1,64,112,112]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
51 | Tensor<[64,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
52 | Tensor<[1,64,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
53 | Tensor<[128]>, dims: [0] | aten::add.Tensor | 4 | |
54 | Tensor<[1,128,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
55 | Tensor<[128,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
56 | Tensor<[1,128,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
57 | Tensor<[256]>, dims: [0] | aten::add.Tensor | 4 | |
58 | Tensor<[1,256,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
59 | Tensor<[256,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
60 | Tensor<[512]>, dims: [0] | aten::add.Tensor | 4 | |
61 | Tensor<[1,512,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
62 | Tensor<[512,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
63 | Tensor<[1,19,28,28]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
64 | Tensor<[19,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
65 | Tensor<[1,38,28,28]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
66 | Tensor<[38,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
67 | Tensor<[256,512]>, dims: [0, 1] | aten::add.Tensor | 4 | |
68 | Tensor<[512]>, dims: [1] | aten::add.Tensor | 4 | |
69 | Tensor<[1,256,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
70 | Tensor<[1,256,512]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
71 | Tensor<[512]>, dims: [2] | aten::add.Tensor | 4 | |
72 | Tensor<[256,256]>, dims: [0, 1] | aten::add.Tensor | 4 | |
73 | Tensor<[256]>, dims: [1] | aten::add.Tensor | 4 | |
74 | Tensor<[1,1000]>, dims: [0, 1] | aten::add.Tensor | 4 | |
75 | Tensor<[1000]>, dims: [1] | aten::add.Tensor | 4 | |
76 | Tensor<[1,1024,512]>, dims: [0, 1, 2] | aten::convolution | 4 | |
77 | Tensor<[1024,1]>, dims: [1, 2] | aten::convolution | 4 | |
78 | Tensor<[256,1]>, dims: [1, 2] | aten::convolution | 4 | |
79 | Tensor<[1,512]>, dims: [0, 1] | aten::mean.dim | 4 | |
80 | Tensor<[1000]>, dims: [0] | aten::mul.Tensor | 4 | |
81 | Tensor<[8,920,920]>, dims: [0, 1, 2] | aten::_softmax | 4 | |
82 | Tensor<[8,920,1]>, dims: [0, 1, 2] | aten::_softmax | 4 | |
83 | Tensor<[8,100,100]>, dims: [0, 1, 2] | aten::_softmax | 4 | |
84 | Tensor<[8,100,1]>, dims: [0, 1, 2] | aten::_softmax | 4 | |
85 | Tensor<[8,100,920]>, dims: [0, 1, 2] | aten::_softmax | 4 | |
86 | Tensor<[1,64,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
87 | Tensor<[1,64,360,640]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
88 | Tensor<[1,64,180,320]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
89 | Tensor<[1,256,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
90 | Tensor<[1,256,180,320]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
91 | Tensor<[1,128,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
92 | Tensor<[1,128,180,320]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
93 | Tensor<[1,128,90,160]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
94 | Tensor<[1,512,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
95 | Tensor<[1,512,90,160]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
96 | Tensor<[1,256,90,160]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
97 | Tensor<[1,256,45,80]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
98 | Tensor<[1,1024,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
99 | Tensor<[1,1024,45,80]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
100 | Tensor<[1,512,45,80]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
101 | Tensor<[1,512,23,40]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
102 | Tensor<[1,2048,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
103 | Tensor<[1,2048,23,40]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
104 | Tensor<[23]>, dims: [0] | aten::add.Tensor | 4 | |
105 | Tensor<[40]>, dims: [0] | aten::add.Tensor | 4 | |
106 | Tensor<[1,1,40]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
107 | Tensor<[1,23,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
108 | Tensor<[920,1,256]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
109 | Tensor<[256]>, dims: [2] | aten::add.Tensor | 4 | |
110 | Tensor<[920,256]>, dims: [0, 1] | aten::add.Tensor | 4 | |
111 | Tensor<[920,1,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
112 | Tensor<[920,2048]>, dims: [0, 1] | aten::add.Tensor | 4 | |
113 | Tensor<[2048]>, dims: [1] | aten::add.Tensor | 4 | |
114 | Tensor<[100,256]>, dims: [0, 1] | aten::add.Tensor | 4 | |
115 | Tensor<[100,1,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
116 | Tensor<[100,1,256]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
117 | Tensor<[100,2048]>, dims: [0, 1] | aten::add.Tensor | 4 | |
118 | Tensor<[6,1,100,92]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
119 | Tensor<[92]>, dims: [3] | aten::add.Tensor | 4 | |
120 | Tensor<[6,1,100,256]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
121 | Tensor<[256]>, dims: [3] | aten::add.Tensor | 4 | |
122 | Tensor<[6,1,100,4]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
123 | Tensor<[4]>, dims: [3] | aten::add.Tensor | 4 | |
124 | Tensor<[8,32,920]>, dims: [0, 1, 2] | aten::baddbmm | 4 | |
125 | Tensor<[8,1,920]>, dims: [0, 1, 2] | aten::baddbmm | 4 | |
126 | Tensor<[920,256,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
127 | Tensor<[8,920,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
128 | Tensor<[8,32,100]>, dims: [0, 1, 2] | aten::bmm | 4 | |
129 | Tensor<[8,100,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
130 | Tensor<[6,256,92]>, dims: [0, 1, 2] | aten::bmm | 4 | |
131 | Tensor<[6,256,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
132 | Tensor<[1,256,23,40]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
133 | Tensor<[1,23,40]>, dims: [0, 1, 2] | aten::div.Tensor | 4 | |
134 | Tensor<[1,23,40,1]>, dims: [0, 1, 2, 3] | aten::div.Tensor | 4 | |
135 | Tensor<[128]>, dims: [3] | aten::div.Tensor | 4 | |
136 | Tensor<[256,256]>, dims: [1, 2] | aten::expand | 5 | |
137 | Tensor<[1,1,1,920]>, dims: [0, 1, 2, 3] | aten::expand | 5 | |
138 | Tensor<[256,92]>, dims: [2, 3] | aten::expand | 5 | |
139 | Tensor<[256,256]>, dims: [2, 3] | aten::expand | 5 | |
140 | Tensor<[1,1,1,1]>, dims: [0, 1, 2, 3] | aten::index.Tensor | 4 | |
141 | Tensor<[1,1,1]>, dims: [1, 2, 3] | aten::index.Tensor | 4 | |
142 | Tensor<[23,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
143 | Tensor<[40]>, dims: [3] | aten::index.Tensor | 4 | |
144 | Tensor<[2048]>, dims: [0] | aten::mul.Tensor | 4 | |
145 | Tensor<[1,920]>, dims: [0, 1] | aten::where.self | 4 | |
146 | Tensor<[1,12,10,10]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
147 | Tensor<[1,12,10,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
148 | Tensor<[1,10]>, dims: [0, 1] | aten::add.Tensor | 5 | |
149 | Tensor<[1,10,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
150 | Tensor<[1,10,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
151 | Tensor<[10,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
152 | Tensor<[1,1,10,10]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
153 | Tensor<[10,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
154 | Tensor<[10,250002]>, dims: [0, 1] | aten::add.Tensor | 4 | |
155 | Tensor<[250002]>, dims: [1] | aten::add.Tensor | 4 | |
156 | Tensor<[12,64,10]>, dims: [0, 1, 2] | aten::bmm | 4 | |
157 | Tensor<[12,10,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
158 | Tensor<[1,1,1,10]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
159 | Tensor<[1,12,10,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
160 | Tensor<[1,12,64,10]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
161 | Tensor<[250002]>, dims: [0] | aten::mul.Tensor | 4 | |
162 | Tensor<[1,8,4096,4096]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
163 | Tensor<[1,8,4096,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
164 | Tensor<[1,8,4096,9]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
165 | Tensor<[1,8,1024,1024]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
166 | Tensor<[1,8,1024,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
167 | Tensor<[1,8,1024,9]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
168 | Tensor<[1,8,256,256]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
169 | Tensor<[1,8,256,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
170 | Tensor<[1,8,256,9]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
171 | Tensor<[1,8,64,64]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
172 | Tensor<[1,8,64,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
173 | Tensor<[1,8,64,9]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
174 | Tensor<[1,1280]>, dims: [0, 1] | aten::add.Tensor | 4 | |
175 | Tensor<[1280]>, dims: [1] | aten::add.Tensor | 4 | |
176 | Tensor<[1,32,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
177 | Tensor<[1,320,64,64]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
178 | Tensor<[1,320,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
179 | Tensor<[1,320]>, dims: [0, 1] | aten::add.Tensor | 4 | |
180 | Tensor<[320]>, dims: [1] | aten::add.Tensor | 4 | |
181 | Tensor<[1,4096,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
182 | Tensor<[1,4096,320]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
183 | Tensor<[320]>, dims: [2] | aten::add.Tensor | 4 | |
184 | Tensor<[4096,320]>, dims: [0, 1] | aten::add.Tensor | 4 | |
185 | Tensor<[4096,2560]>, dims: [0, 1] | aten::add.Tensor | 4 | |
186 | Tensor<[2560]>, dims: [1] | aten::add.Tensor | 4 | |
187 | Tensor<[1,320,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
188 | Tensor<[1,640]>, dims: [0, 1] | aten::add.Tensor | 4 | |
189 | Tensor<[640]>, dims: [1] | aten::add.Tensor | 4 | |
190 | Tensor<[1,640,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
191 | Tensor<[1,640,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
192 | Tensor<[1,1024,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
193 | Tensor<[1,1024,640]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
194 | Tensor<[640]>, dims: [2] | aten::add.Tensor | 4 | |
195 | Tensor<[1024,640]>, dims: [0, 1] | aten::add.Tensor | 4 | |
196 | Tensor<[1024,5120]>, dims: [0, 1] | aten::add.Tensor | 4 | |
197 | Tensor<[5120]>, dims: [1] | aten::add.Tensor | 4 | |
198 | Tensor<[1,640,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
199 | Tensor<[1,1280,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
200 | Tensor<[1,1280,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
201 | Tensor<[1,256,1280]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
202 | Tensor<[1280]>, dims: [2] | aten::add.Tensor | 4 | |
203 | Tensor<[256,1280]>, dims: [0, 1] | aten::add.Tensor | 4 | |
204 | Tensor<[256,10240]>, dims: [0, 1] | aten::add.Tensor | 4 | |
205 | Tensor<[10240]>, dims: [1] | aten::add.Tensor | 4 | |
206 | Tensor<[1,1280,8,8]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
207 | Tensor<[1,64,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
208 | Tensor<[1,64,1280]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
209 | Tensor<[64,1280]>, dims: [0, 1] | aten::add.Tensor | 4 | |
210 | Tensor<[64,10240]>, dims: [0, 1] | aten::add.Tensor | 4 | |
211 | Tensor<[1,2560,8,8]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
212 | Tensor<[1,2560,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
213 | Tensor<[16]>, dims: [0] | aten::add.Tensor | 4 | |
214 | Tensor<[1,2560,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
215 | Tensor<[1,1920,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
216 | Tensor<[1,1920,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
217 | Tensor<[1,1920,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
218 | Tensor<[1,1280,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
219 | Tensor<[1,960,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
220 | Tensor<[1,960,1,1]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
221 | Tensor<[1,960,64,64]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
222 | Tensor<[1,640,64,64]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
223 | Tensor<[160]>, dims: [0] | aten::arange.start | 4 | |
224 | Tensor<[8,40,4096]>, dims: [0, 1, 2] | aten::bmm | 4 | |
225 | Tensor<[8,4096,40]>, dims: [0, 1, 2] | aten::bmm | 4 | |
226 | Tensor<[8,40,9]>, dims: [0, 1, 2] | aten::bmm | 4 | |
227 | Tensor<[8,9,40]>, dims: [0, 1, 2] | aten::bmm | 4 | |
228 | Tensor<[8,80,1024]>, dims: [0, 1, 2] | aten::bmm | 4 | |
229 | Tensor<[8,1024,80]>, dims: [0, 1, 2] | aten::bmm | 4 | |
230 | Tensor<[8,80,9]>, dims: [0, 1, 2] | aten::bmm | 4 | |
231 | Tensor<[8,9,80]>, dims: [0, 1, 2] | aten::bmm | 4 | |
232 | Tensor<[8,160,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
233 | Tensor<[8,256,160]>, dims: [0, 1, 2] | aten::bmm | 4 | |
234 | Tensor<[8,160,9]>, dims: [0, 1, 2] | aten::bmm | 4 | |
235 | Tensor<[8,9,160]>, dims: [0, 1, 2] | aten::bmm | 4 | |
236 | Tensor<[8,160,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
237 | Tensor<[8,64,160]>, dims: [0, 1, 2] | aten::bmm | 4 | |
238 | Tensor<[320,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
239 | Tensor<[640,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
240 | Tensor<[1280,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
241 | Tensor<[1,4,64,64]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
242 | Tensor<[4,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
243 | Tensor<[1280]>, dims: [0] | aten::index.Tensor | 4 | |
244 | Tensor<[16,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
245 | Tensor<[16]>, dims: [3] | aten::index.Tensor | 4 | |
246 | Tensor<[32,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
247 | Tensor<[32]>, dims: [3] | aten::index.Tensor | 4 | |
248 | Tensor<[640]>, dims: [0] | aten::index.Tensor | 4 | |
249 | Tensor<[64,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
250 | Tensor<[64]>, dims: [3] | aten::index.Tensor | 4 | |
251 | Tensor<[1,8,4096,40]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
252 | Tensor<[1,8,40,4096]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
253 | Tensor<[1,8,40,9]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
254 | Tensor<[1,8,1024,80]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
255 | Tensor<[1,8,80,1024]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
256 | Tensor<[1,8,80,9]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
257 | Tensor<[1,8,256,160]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
258 | Tensor<[1,8,160,256]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
259 | Tensor<[1,8,160,9]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
260 | Tensor<[1,8,64,160]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
261 | Tensor<[1,8,160,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
262 | Tensor<[1,1]>, dims: [0, 1] | aten::mul.Tensor | 4 | |
263 | Tensor<[1,160]>, dims: [0, 1] | aten::mul.Tensor | 4 | |
264 | Tensor<[1,32,10,4096]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
265 | Tensor<[320]>, dims: [0] | aten::mul.Tensor | 4 | |
266 | Tensor<[2560]>, dims: [0] | aten::mul.Tensor | 4 | |
267 | Tensor<[1,32,10,1024]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
268 | Tensor<[1,32,20,1024]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
269 | Tensor<[5120]>, dims: [0] | aten::mul.Tensor | 4 | |
270 | Tensor<[1,32,20,256]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
271 | Tensor<[1,32,40,256]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
272 | Tensor<[10240]>, dims: [0] | aten::mul.Tensor | 4 | |
273 | Tensor<[1,32,40,64]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
274 | Tensor<[1,32,80,64]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
275 | Tensor<[1,32,80,256]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
276 | Tensor<[1,32,60,256]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
277 | Tensor<[1,32,60,1024]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
278 | Tensor<[1,32,40,1024]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
279 | Tensor<[1,32,30,1024]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
280 | Tensor<[1,32,30,4096]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
281 | Tensor<[1,32,20,4096]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
282 | Tensor<[1,12,25,25]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
283 | Tensor<[1,12,25,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
284 | Tensor<[1,25,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
285 | Tensor<[1,25,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
286 | Tensor<[25,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
287 | Tensor<[1,1,25,25]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
288 | Tensor<[25,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
289 | Tensor<[25,2]>, dims: [0, 1] | aten::add.Tensor | 4 | |
290 | Tensor<[2]>, dims: [1] | aten::add.Tensor | 4 | |
291 | Tensor<[1]>, dims: [1] | aten::add.Tensor | 4 | |
292 | Tensor<[12,64,25]>, dims: [0, 1, 2] | aten::bmm | 4 | |
293 | Tensor<[12,25,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
294 | Tensor<[1,1,1,25]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
295 | Tensor<[1,12,25,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
296 | Tensor<[1,12,64,25]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
297 | Tensor<[2]>, dims: [0] | aten::mul.Tensor | 4 | |
298 | Tensor<[1,3,1445,1445]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
299 | Tensor<[1,3,1445,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
300 | Tensor<[1,1445,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
301 | Tensor<[1,1445,192]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
302 | Tensor<[192]>, dims: [2] | aten::add.Tensor | 4 | |
303 | Tensor<[1445,192]>, dims: [0, 1] | aten::add.Tensor | 4 | |
304 | Tensor<[192]>, dims: [1] | aten::add.Tensor | 4 | |
305 | Tensor<[1445,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
306 | Tensor<[100,192]>, dims: [0, 1] | aten::add.Tensor | 4 | |
307 | Tensor<[100,92]>, dims: [0, 1] | aten::add.Tensor | 4 | |
308 | Tensor<[92]>, dims: [1] | aten::add.Tensor | 4 | |
309 | Tensor<[100,4]>, dims: [0, 1] | aten::add.Tensor | 4 | |
310 | Tensor<[4]>, dims: [1] | aten::add.Tensor | 4 | |
311 | Tensor<[3,64,1445]>, dims: [0, 1, 2] | aten::bmm | 4 | |
312 | Tensor<[3,1445,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
313 | Tensor<[1,192,32,42]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
314 | Tensor<[192,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
315 | Tensor<[1,3,1445,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
316 | Tensor<[1,3,64,1445]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
317 | Tensor<[192]>, dims: [0] | aten::mul.Tensor | 4 | |
318 | Tensor<[92]>, dims: [0] | aten::mul.Tensor | 4 | |
319 | Tensor<[4]>, dims: [0] | aten::mul.Tensor | 4 | |
320 | Tensor<[1,256,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
321 | Tensor<[1,512,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
322 | Tensor<[1,12,8,8]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
323 | Tensor<[1,12,8,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
324 | Tensor<[1,8,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
325 | Tensor<[1,8,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
326 | Tensor<[1,1,1,8]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
327 | Tensor<[1,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
328 | Tensor<[1,3]>, dims: [0, 1] | aten::add.Tensor | 4 | |
329 | Tensor<[3]>, dims: [1] | aten::add.Tensor | 4 | |
330 | Tensor<[12,64,8]>, dims: [0, 1, 2] | aten::bmm | 4 | |
331 | Tensor<[12,8,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
332 | Tensor<[1,768,8]>, dims: [0, 1, 2] | aten::convolution | 4 | |
333 | Tensor<[768,1]>, dims: [1, 2] | aten::convolution | 4 | |
334 | Tensor<[1,3072,8]>, dims: [0, 1, 2] | aten::convolution | 4 | |
335 | Tensor<[3072,1]>, dims: [1, 2] | aten::convolution | 4 | |
336 | Tensor<[3]>, dims: [0] | aten::mul.Tensor | 4 | |
337 | Tensor<[1,8,256,2048]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
338 | Tensor<[1,8,2048,256]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
339 | Tensor<[1,8,2048,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
340 | Tensor<[1,2048,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
341 | Tensor<[2048,768]>, dims: [1, 2] | aten::add.Tensor | 4 | |
342 | Tensor<[1,2048,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
343 | Tensor<[2048,256]>, dims: [0, 1] | aten::add.Tensor | 4 | |
344 | Tensor<[2048,1280]>, dims: [0, 1] | aten::add.Tensor | 4 | |
345 | Tensor<[1,1,1,2048]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
346 | Tensor<[256,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
347 | Tensor<[2048,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
348 | Tensor<[2048,262]>, dims: [0, 1] | aten::add.Tensor | 4 | |
349 | Tensor<[262]>, dims: [1] | aten::add.Tensor | 4 | |
350 | Tensor<[8,32,2048]>, dims: [0, 1, 2] | aten::bmm | 4 | |
351 | Tensor<[8,2048,160]>, dims: [0, 1, 2] | aten::bmm | 4 | |
352 | Tensor<[8,32,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
353 | Tensor<[8,256,96]>, dims: [0, 1, 2] | aten::bmm | 4 | |
354 | Tensor<[256,1280]>, dims: [1, 2] | aten::expand | 5 | |
355 | Tensor<[1,256,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
356 | Tensor<[1024]>, dims: [0] | aten::add.Tensor | 4 | |
357 | Tensor<[1,1024,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
358 | Tensor<[1024,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
359 | Tensor<[1,512,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
360 | Tensor<[1,2048,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
361 | Tensor<[2048,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
362 | Tensor<[1,12,201,201]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
363 | Tensor<[1,12,201,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
364 | Tensor<[12]>, dims: [0] | aten::add.Tensor | 4 | |
365 | Tensor<[1,201,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
366 | Tensor<[1,201,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
367 | Tensor<[201,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
368 | Tensor<[1,1,1,201]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
369 | Tensor<[201,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
370 | Tensor<[1,1536]>, dims: [0, 1] | aten::add.Tensor | 4 | |
371 | Tensor<[1536]>, dims: [1] | aten::add.Tensor | 4 | |
372 | Tensor<[1,3129]>, dims: [0, 1] | aten::add.Tensor | 4 | |
373 | Tensor<[3129]>, dims: [1] | aten::add.Tensor | 4 | |
374 | Tensor<[12,64,201]>, dims: [0, 1, 2] | aten::bmm | 4 | |
375 | Tensor<[12,201,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
376 | Tensor<[1,768,12,16]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
377 | Tensor<[768,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
378 | Tensor<[12,1]>, dims: [0, 1] | aten::expand | 4 | |
379 | Tensor<[1,16]>, dims: [0, 1] | aten::expand | 4 | |
380 | Tensor<[12,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
381 | Tensor<[1536]>, dims: [0] | aten::mul.Tensor | 4 | |
382 | Tensor<[3129]>, dims: [0] | aten::mul.Tensor | 4 | |
383 | Tensor<[1,192]>, dims: [0, 1] | aten::rsub.Scalar | 4 | |
384 | Tensor<[1,128]>, dims: [0, 1] | aten::add.Tensor | 4 | |
385 | Tensor<[128]>, dims: [1] | aten::add.Tensor | 4 | |
386 | Tensor<[10]>, dims: [1] | aten::add.Tensor | 4 | |
387 | Tensor<[1,32,26,26]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
388 | Tensor<[1,64,24,24]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
389 | Tensor<[10]>, dims: [0] | aten::mul.Tensor | 4 | |
390 | Tensor<[16,19,19]>, dims: [0, 1, 2] | aten::_softmax | 4 | |
391 | Tensor<[16,19,1]>, dims: [0, 1, 2] | aten::_softmax | 4 | |
392 | Tensor<[19]>, dims: [0] | aten::add.Tensor | 4 | |
393 | Tensor<[1,19]>, dims: [0, 1] | aten::add.Tensor | 4 | |
394 | Tensor<[1,19,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
395 | Tensor<[1,19,1024]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
396 | Tensor<[1024]>, dims: [2] | aten::add.Tensor | 4 | |
397 | Tensor<[19,1024]>, dims: [0, 1] | aten::add.Tensor | 4 | |
398 | Tensor<[1024]>, dims: [1] | aten::add.Tensor | 4 | |
399 | Tensor<[1,16,19,19]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
400 | Tensor<[1,1,19,19]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
401 | Tensor<[19,4096]>, dims: [0, 1] | aten::add.Tensor | 4 | |
402 | Tensor<[4096]>, dims: [1] | aten::add.Tensor | 4 | |
403 | Tensor<[16,64,19]>, dims: [0, 1, 2] | aten::bmm | 4 | |
404 | Tensor<[16,19,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
405 | Tensor<[1,1,1,19]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
406 | Tensor<[19]>, dims: [1] | aten::lt.Tensor | 4 | |
407 | Tensor<[19,1]>, dims: [0, 1] | aten::lt.Tensor | 4 | |
408 | Tensor<[4096]>, dims: [0] | aten::mul.Tensor | 4 | |
409 | Tensor<[19,256008]>, dims: [0, 1] | aten::sub.Tensor | 4 | |
410 | Tensor<[19,19]>, dims: [0, 1] | aten::where.self | 4 | |
411 | Tensor<[14]>, dims: [0] | aten::add.Tensor | 4 | |
412 | Tensor<[1,14,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
413 | Tensor<[14,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
414 | Tensor<[24]>, dims: [0] | aten::add.Tensor | 4 | |
415 | Tensor<[1,24,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
416 | Tensor<[24,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
417 | Tensor<[1,40,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
418 | Tensor<[40,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
419 | Tensor<[68]>, dims: [0] | aten::add.Tensor | 4 | |
420 | Tensor<[1,68,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
421 | Tensor<[68,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
422 | Tensor<[1,16,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
423 | Tensor<[16,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
424 | Tensor<[28]>, dims: [0] | aten::add.Tensor | 4 | |
425 | Tensor<[1,28,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
426 | Tensor<[28,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
427 | Tensor<[46]>, dims: [0] | aten::add.Tensor | 4 | |
428 | Tensor<[1,46,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
429 | Tensor<[46,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
430 | Tensor<[78]>, dims: [0] | aten::add.Tensor | 4 | |
431 | Tensor<[1,78,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
432 | Tensor<[78,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
433 | Tensor<[134]>, dims: [0] | aten::add.Tensor | 4 | |
434 | Tensor<[1,134,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
435 | Tensor<[134,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
436 | Tensor<[20]>, dims: [0] | aten::add.Tensor | 4 | |
437 | Tensor<[1,20,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
438 | Tensor<[20,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
439 | Tensor<[34]>, dims: [0] | aten::add.Tensor | 4 | |
440 | Tensor<[1,34,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
441 | Tensor<[34,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
442 | Tensor<[58]>, dims: [0] | aten::add.Tensor | 4 | |
443 | Tensor<[1,58,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
444 | Tensor<[58,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
445 | Tensor<[98]>, dims: [0] | aten::add.Tensor | 4 | |
446 | Tensor<[1,98,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
447 | Tensor<[98,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
448 | Tensor<[168]>, dims: [0] | aten::add.Tensor | 4 | |
449 | Tensor<[1,168,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
450 | Tensor<[168,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
451 | Tensor<[1,320,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
452 | Tensor<[1,40,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
453 | Tensor<[1,68,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
454 | Tensor<[116]>, dims: [0] | aten::add.Tensor | 4 | |
455 | Tensor<[1,116,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
456 | Tensor<[116,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
457 | Tensor<[196]>, dims: [0] | aten::add.Tensor | 4 | |
458 | Tensor<[1,196,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
459 | Tensor<[196,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
460 | Tensor<[334]>, dims: [0] | aten::add.Tensor | 4 | |
461 | Tensor<[1,334,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
462 | Tensor<[334,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
463 | Tensor<[1,640,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
464 | Tensor<[1,160,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
465 | Tensor<[160,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
466 | Tensor<[272]>, dims: [0] | aten::add.Tensor | 4 | |
467 | Tensor<[1,272,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
468 | Tensor<[272,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
469 | Tensor<[462]>, dims: [0] | aten::add.Tensor | 4 | |
470 | Tensor<[1,462,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
471 | Tensor<[462,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
472 | Tensor<[1,1024,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
473 | Tensor<[1,32,512,512]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
474 | Tensor<[1,64,256,256]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
475 | Tensor<[1,32,256,256]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
476 | Tensor<[1,128,128,128]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
477 | Tensor<[1,64,128,128]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
478 | Tensor<[1,256,64,64]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
479 | Tensor<[1,128,64,64]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
480 | Tensor<[1,512,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
481 | Tensor<[1,256,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
482 | Tensor<[1,1024,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
483 | Tensor<[1,512,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
484 | Tensor<[1,256,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
485 | Tensor<[1,128,32,32]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
486 | Tensor<[1,255,16,16]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
487 | Tensor<[255,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
488 | Tensor<[1,255,32,32]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
489 | Tensor<[1,255,64,64]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
490 | Tensor<[1,1,256,256]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
491 | Tensor<[1,4,14,14]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
492 | Tensor<[1,16,14,14]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
493 | Tensor<[1,1,28,28]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
494 | Tensor<[1,16,32,32]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
495 | Tensor<[1,16,32,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
496 | Tensor<[1,32,1536]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
497 | Tensor<[1536]>, dims: [2] | aten::add.Tensor | 4 | |
498 | Tensor<[32,4608]>, dims: [0, 1] | aten::add.Tensor | 4 | |
499 | Tensor<[4608]>, dims: [1] | aten::add.Tensor | 4 | |
500 | Tensor<[32,1536]>, dims: [0, 1] | aten::add.Tensor | 4 | |
501 | Tensor<[32,6144]>, dims: [0, 1] | aten::add.Tensor | 4 | |
502 | Tensor<[6144]>, dims: [1] | aten::add.Tensor | 4 | |
503 | Tensor<[1,32,6144]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
504 | Tensor<[16,96,32]>, dims: [0, 1, 2] | aten::baddbmm | 4 | |
505 | Tensor<[16,32,32]>, dims: [0, 1, 2] | aten::baddbmm | 4 | |
506 | Tensor<[16,1,32]>, dims: [0, 1, 2] | aten::baddbmm | 4 | |
507 | Tensor<[16,32,96]>, dims: [0, 1, 2] | aten::bmm | 4 | |
508 | Tensor<[16,1]>, dims: [1, 2] | aten::mul.Tensor | 4 | |
509 | Tensor<[4608]>, dims: [0] | aten::mul.Tensor | 4 | |
510 | Tensor<[6144]>, dims: [0] | aten::mul.Tensor | 4 | |
511 | Tensor<[1,12,16,16]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
512 | Tensor<[1,12,16,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
513 | Tensor<[1,16,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
514 | Tensor<[1,16,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
515 | Tensor<[16,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
516 | Tensor<[1,1,16,16]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
517 | Tensor<[16,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
518 | Tensor<[12,64,16]>, dims: [0, 1, 2] | aten::bmm | 4 | |
519 | Tensor<[12,16,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
520 | Tensor<[1,1,1,16]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
521 | Tensor<[1,12,16,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
522 | Tensor<[1,12,64,16]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
523 | Tensor<[1,64,224,224]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
524 | Tensor<[1,128,112,112]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
525 | Tensor<[1,1,224,224]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
526 | Tensor<[1,1,19200,300]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
527 | Tensor<[1,1,19200,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
528 | Tensor<[1,2,4800,300]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
529 | Tensor<[1,2,4800,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
530 | Tensor<[1,5,1200,300]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
531 | Tensor<[1,5,1200,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
532 | Tensor<[1,8,300,300]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
533 | Tensor<[1,8,300,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
534 | Tensor<[1,19200,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
535 | Tensor<[1,19200,64]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
536 | Tensor<[64]>, dims: [2] | aten::add.Tensor | 4 | |
537 | Tensor<[19200,64]>, dims: [0, 1] | aten::add.Tensor | 4 | |
538 | Tensor<[64]>, dims: [1] | aten::add.Tensor | 4 | |
539 | Tensor<[1,300,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
540 | Tensor<[1,300,64]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
541 | Tensor<[300,64]>, dims: [0, 1] | aten::add.Tensor | 4 | |
542 | Tensor<[19200,256]>, dims: [0, 1] | aten::add.Tensor | 4 | |
543 | Tensor<[1,4800,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
544 | Tensor<[1,4800,128]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
545 | Tensor<[128]>, dims: [2] | aten::add.Tensor | 4 | |
546 | Tensor<[4800,128]>, dims: [0, 1] | aten::add.Tensor | 4 | |
547 | Tensor<[1,300,128]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
548 | Tensor<[300,128]>, dims: [0, 1] | aten::add.Tensor | 4 | |
549 | Tensor<[4800,512]>, dims: [0, 1] | aten::add.Tensor | 4 | |
550 | Tensor<[1,1200,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
551 | Tensor<[1,1200,320]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
552 | Tensor<[1200,320]>, dims: [0, 1] | aten::add.Tensor | 4 | |
553 | Tensor<[1,300,320]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
554 | Tensor<[300,320]>, dims: [0, 1] | aten::add.Tensor | 4 | |
555 | Tensor<[1200,1280]>, dims: [0, 1] | aten::add.Tensor | 4 | |
556 | Tensor<[1,300,512]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
557 | Tensor<[300,512]>, dims: [0, 1] | aten::add.Tensor | 4 | |
558 | Tensor<[300,2048]>, dims: [0, 1] | aten::add.Tensor | 4 | |
559 | Tensor<[30]>, dims: [0] | aten::add.Tensor | 4 | |
560 | Tensor<[30,1]>, dims: [0, 1] | aten::add.Tensor | 4 | |
561 | Tensor<[1,64,30,40]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
562 | Tensor<[1,32,30,40]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
563 | Tensor<[60]>, dims: [0] | aten::add.Tensor | 4 | |
564 | Tensor<[60,1]>, dims: [0, 1] | aten::add.Tensor | 4 | |
565 | Tensor<[80]>, dims: [0] | aten::add.Tensor | 4 | |
566 | Tensor<[1,64,60,80]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
567 | Tensor<[1,32,60,80]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
568 | Tensor<[120]>, dims: [0] | aten::add.Tensor | 4 | |
569 | Tensor<[120,1]>, dims: [0, 1] | aten::add.Tensor | 4 | |
570 | Tensor<[1,64,120,160]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
571 | Tensor<[1,32,120,160]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
572 | Tensor<[240]>, dims: [0] | aten::add.Tensor | 4 | |
573 | Tensor<[240,1]>, dims: [0, 1] | aten::add.Tensor | 4 | |
574 | Tensor<[480]>, dims: [0] | aten::add.Tensor | 4 | |
575 | Tensor<[480,1]>, dims: [0, 1] | aten::add.Tensor | 4 | |
576 | Tensor<[1,64,300]>, dims: [0, 1, 2] | aten::bmm | 4 | |
577 | Tensor<[1,256,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
578 | Tensor<[2,64,300]>, dims: [0, 1, 2] | aten::bmm | 4 | |
579 | Tensor<[2,300,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
580 | Tensor<[1,512,128]>, dims: [0, 1, 2] | aten::bmm | 4 | |
581 | Tensor<[5,64,300]>, dims: [0, 1, 2] | aten::bmm | 4 | |
582 | Tensor<[5,300,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
583 | Tensor<[1,1280,320]>, dims: [0, 1, 2] | aten::bmm | 4 | |
584 | Tensor<[8,64,300]>, dims: [0, 1, 2] | aten::bmm | 4 | |
585 | Tensor<[8,300,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
586 | Tensor<[1,2048,512]>, dims: [0, 1, 2] | aten::bmm | 4 | |
587 | Tensor<[1,64,15,20]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
588 | Tensor<[1,256,120,160]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
589 | Tensor<[1,128,60,80]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
590 | Tensor<[1,128,15,20]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
591 | Tensor<[1,512,60,80]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
592 | Tensor<[1,320,30,40]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
593 | Tensor<[1,320,15,20]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
594 | Tensor<[1,1280,30,40]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
595 | Tensor<[1,512,15,20]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
596 | Tensor<[1,2048,15,20]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
597 | Tensor<[1,2,30,40]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
598 | Tensor<[2,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
599 | Tensor<[1,2,60,80]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
600 | Tensor<[1,2,120,160]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
601 | Tensor<[1,64,480,640]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
602 | Tensor<[1,1,480,640]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
603 | Tensor<[256,64]>, dims: [1, 2] | aten::expand | 5 | |
604 | Tensor<[512,128]>, dims: [1, 2] | aten::expand | 5 | |
605 | Tensor<[1280,320]>, dims: [1, 2] | aten::expand | 5 | |
606 | Tensor<[2048,512]>, dims: [1, 2] | aten::expand | 5 | |
607 | Tensor<[30,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
608 | Tensor<[60,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
609 | Tensor<[80]>, dims: [3] | aten::index.Tensor | 4 | |
610 | Tensor<[120,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
611 | Tensor<[160]>, dims: [3] | aten::index.Tensor | 4 | |
612 | Tensor<[240,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
613 | Tensor<[320]>, dims: [3] | aten::index.Tensor | 4 | |
614 | Tensor<[480,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
615 | Tensor<[640]>, dims: [3] | aten::index.Tensor | 4 | |
616 | Tensor<[1,1,30,40]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
617 | Tensor<[1,1,60,80]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
618 | Tensor<[1,1,120,160]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
619 | Tensor<[1,64,240,320]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
620 | Tensor<[1,12,197,197]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
621 | Tensor<[1,12,197,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
622 | Tensor<[1,197,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
623 | Tensor<[1,197,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
624 | Tensor<[197,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
625 | Tensor<[197,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
626 | Tensor<[12,64,197]>, dims: [0, 1, 2] | aten::bmm | 4 | |
627 | Tensor<[12,197,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
628 | Tensor<[1,768,14,14]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
629 | Tensor<[1,12,197,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
630 | Tensor<[1,12,64,197]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
631 | Tensor<[1,1,16384,256]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
632 | Tensor<[1,1,16384,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
633 | Tensor<[1,2,4096,256]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
634 | Tensor<[1,2,4096,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
635 | Tensor<[1,5,1024,256]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
636 | Tensor<[1,5,1024,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
637 | Tensor<[1,16384,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
638 | Tensor<[1,16384,32]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
639 | Tensor<[32]>, dims: [2] | aten::add.Tensor | 4 | |
640 | Tensor<[16384,32]>, dims: [0, 1] | aten::add.Tensor | 4 | |
641 | Tensor<[1,256,32]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
642 | Tensor<[256,32]>, dims: [0, 1] | aten::add.Tensor | 4 | |
643 | Tensor<[16384,128]>, dims: [0, 1] | aten::add.Tensor | 4 | |
644 | Tensor<[1,4096,64]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
645 | Tensor<[4096,64]>, dims: [0, 1] | aten::add.Tensor | 4 | |
646 | Tensor<[256,64]>, dims: [0, 1] | aten::add.Tensor | 4 | |
647 | Tensor<[4096,256]>, dims: [0, 1] | aten::add.Tensor | 4 | |
648 | Tensor<[1,1024,160]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
649 | Tensor<[160]>, dims: [2] | aten::add.Tensor | 4 | |
650 | Tensor<[1024,160]>, dims: [0, 1] | aten::add.Tensor | 4 | |
651 | Tensor<[160]>, dims: [1] | aten::add.Tensor | 4 | |
652 | Tensor<[1,256,160]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
653 | Tensor<[256,160]>, dims: [0, 1] | aten::add.Tensor | 4 | |
654 | Tensor<[1,256,256]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
655 | Tensor<[256,1024]>, dims: [0, 1] | aten::add.Tensor | 4 | |
656 | Tensor<[1,16384,256]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
657 | Tensor<[128,1]>, dims: [0, 1] | aten::add.Tensor | 4 | |
658 | Tensor<[1,4096,256]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
659 | Tensor<[1,1024,256]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
660 | Tensor<[1,256,128,128]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
661 | Tensor<[1,32,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
662 | Tensor<[1,128,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
663 | Tensor<[2,32,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
664 | Tensor<[2,256,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
665 | Tensor<[5,32,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
666 | Tensor<[5,256,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
667 | Tensor<[1,640,160]>, dims: [0, 1, 2] | aten::bmm | 4 | |
668 | Tensor<[8,256,32]>, dims: [0, 1, 2] | aten::bmm | 4 | |
669 | Tensor<[1,64,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
670 | Tensor<[1,160,256]>, dims: [0, 1, 2] | aten::bmm | 4 | |
671 | Tensor<[1,32,128,128]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
672 | Tensor<[1,32,16,16]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
673 | Tensor<[1,64,64,64]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
674 | Tensor<[1,64,16,16]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
675 | Tensor<[1,160,32,32]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
676 | Tensor<[1,160,16,16]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
677 | Tensor<[1,150,128,128]>, dims: [0, 1, 2, 3] | aten::convolution | 4 | |
678 | Tensor<[150,1,1]>, dims: [1, 2, 3] | aten::convolution | 4 | |
679 | Tensor<[128,32]>, dims: [1, 2] | aten::expand | 5 | |
680 | Tensor<[640,160]>, dims: [1, 2] | aten::expand | 5 | |
681 | Tensor<[1024,256]>, dims: [1, 2] | aten::expand | 5 | |
682 | Tensor<[32,256]>, dims: [1, 2] | aten::expand | 5 | |
683 | Tensor<[64,256]>, dims: [1, 2] | aten::expand | 5 | |
684 | Tensor<[160,256]>, dims: [1, 2] | aten::expand | 5 | |
685 | Tensor<[128,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
686 | Tensor<[1,71,7,7]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
687 | Tensor<[1,71,7,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
688 | Tensor<[1,7,4544]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
689 | Tensor<[4544]>, dims: [2] | aten::add.Tensor | 4 | |
690 | Tensor<[1,1,7]>, dims: [0, 1, 2] | aten::bmm | 4 | |
691 | Tensor<[71,64,7]>, dims: [0, 1, 2] | aten::bmm | 4 | |
692 | Tensor<[71,7,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
693 | Tensor<[1,1,64,7]>, dims: [0, 1, 2, 3] | aten::expand | 5 | |
694 | Tensor<[1,1,7,64]>, dims: [0, 1, 2, 3] | aten::expand | 5 | |
695 | Tensor<[7,1,1]>, dims: [1, 2, 3] | aten::index.Tensor | 4 | |
696 | Tensor<[1,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
697 | Tensor<[1,71,7,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
698 | Tensor<[1,7,64]>, dims: [0, 1, 2] | aten::mul.Tensor | 4 | |
699 | Tensor<[1,16,112,112]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
700 | Tensor<[96]>, dims: [0] | aten::add.Tensor | 4 | |
701 | Tensor<[1,96,112,112]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
702 | Tensor<[96,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
703 | Tensor<[1,96,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
704 | Tensor<[144]>, dims: [0] | aten::add.Tensor | 4 | |
705 | Tensor<[1,144,56,56]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
706 | Tensor<[144,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
707 | Tensor<[1,144,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
708 | Tensor<[1,32,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
709 | Tensor<[1,192,28,28]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
710 | Tensor<[1,192,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
711 | Tensor<[1,64,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
712 | Tensor<[384]>, dims: [0] | aten::add.Tensor | 4 | |
713 | Tensor<[1,384,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
714 | Tensor<[384,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
715 | Tensor<[1,96,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
716 | Tensor<[576]>, dims: [0] | aten::add.Tensor | 4 | |
717 | Tensor<[1,576,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
718 | Tensor<[576,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
719 | Tensor<[1,576,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
720 | Tensor<[960]>, dims: [0] | aten::add.Tensor | 4 | |
721 | Tensor<[1,960,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
722 | Tensor<[960,1,1]>, dims: [1, 2, 3] | aten::add.Tensor | 4 | |
723 | Tensor<[1,320,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
724 | Tensor<[1,1280,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
725 | Tensor<[1,12,12,12]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
726 | Tensor<[1,12,12,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
727 | Tensor<[1,12,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
728 | Tensor<[1,12,128]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
729 | Tensor<[12,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
730 | Tensor<[1,1,12,12]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
731 | Tensor<[1,12,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
732 | Tensor<[12,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
733 | Tensor<[1,12,3072]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
734 | Tensor<[12,2]>, dims: [0, 1] | aten::add.Tensor | 4 | |
735 | Tensor<[12,64,12]>, dims: [0, 1, 2] | aten::bmm | 4 | |
736 | Tensor<[12,12,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
737 | Tensor<[1,1,1,12]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
738 | Tensor<[1,12,12,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
739 | Tensor<[1,12,64,12]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
740 | Tensor<[1,12,9,9]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
741 | Tensor<[1,12,9,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
742 | Tensor<[1,9,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
743 | Tensor<[1,9,128]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
744 | Tensor<[9,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
745 | Tensor<[1,1,9,9]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
746 | Tensor<[1,9,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
747 | Tensor<[9,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
748 | Tensor<[1,9,3072]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
749 | Tensor<[9,128]>, dims: [0, 1] | aten::add.Tensor | 4 | |
750 | Tensor<[9,30000]>, dims: [0, 1] | aten::add.Tensor | 4 | |
751 | Tensor<[30000]>, dims: [1] | aten::add.Tensor | 4 | |
752 | Tensor<[12,64,9]>, dims: [0, 1, 2] | aten::bmm | 4 | |
753 | Tensor<[12,9,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
754 | Tensor<[1,1,1,9]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
755 | Tensor<[1,12,9,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
756 | Tensor<[1,12,64,9]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
757 | Tensor<[30000]>, dims: [0] | aten::mul.Tensor | 4 | |
758 | Tensor<[1,16,9,9]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
759 | Tensor<[1,16,9,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
760 | Tensor<[9,2048]>, dims: [0, 1] | aten::add.Tensor | 4 | |
761 | Tensor<[1,9,2048]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
762 | Tensor<[2048]>, dims: [2] | aten::add.Tensor | 4 | |
763 | Tensor<[9,8192]>, dims: [0, 1] | aten::add.Tensor | 4 | |
764 | Tensor<[8192]>, dims: [1] | aten::add.Tensor | 4 | |
765 | Tensor<[1,9,8192]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
766 | Tensor<[16,128,9]>, dims: [0, 1, 2] | aten::bmm | 4 | |
767 | Tensor<[16,9,128]>, dims: [0, 1, 2] | aten::bmm | 4 | |
768 | Tensor<[1,16,9,128]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
769 | Tensor<[1,16,128,9]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
770 | Tensor<[8192]>, dims: [0] | aten::mul.Tensor | 4 | |
771 | Tensor<[9,1024]>, dims: [0, 1] | aten::add.Tensor | 4 | |
772 | Tensor<[1,9,1024]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
773 | Tensor<[9,4096]>, dims: [0, 1] | aten::add.Tensor | 4 | |
774 | Tensor<[1,9,4096]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
775 | Tensor<[16,64,9]>, dims: [0, 1, 2] | aten::bmm | 4 | |
776 | Tensor<[16,9,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
777 | Tensor<[1,16,9,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
778 | Tensor<[1,16,64,9]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
779 | Tensor<[1,64,9,9]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
780 | Tensor<[1,64,9,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
781 | Tensor<[9,16384]>, dims: [0, 1] | aten::add.Tensor | 4 | |
782 | Tensor<[16384]>, dims: [1] | aten::add.Tensor | 4 | |
783 | Tensor<[1,9,16384]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
784 | Tensor<[64,64,9]>, dims: [0, 1, 2] | aten::bmm | 4 | |
785 | Tensor<[64,9,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
786 | Tensor<[1,64,9,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
787 | Tensor<[1,64,64,9]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
788 | Tensor<[16384]>, dims: [0] | aten::mul.Tensor | 4 | |
789 | Tensor<[1,2]>, dims: [0, 1] | aten::add.Tensor | 4 | |
790 | Tensor<[1,12,14,14]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
791 | Tensor<[1,12,14,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
792 | Tensor<[1,14,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
793 | Tensor<[1,14,128]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
794 | Tensor<[14,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
795 | Tensor<[1,1,14,14]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
796 | Tensor<[1,14,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
797 | Tensor<[14,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
798 | Tensor<[1,14,3072]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
799 | Tensor<[14,2]>, dims: [0, 1] | aten::add.Tensor | 4 | |
800 | Tensor<[12,64,14]>, dims: [0, 1, 2] | aten::bmm | 4 | |
801 | Tensor<[12,14,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
802 | Tensor<[1,1,1,14]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
803 | Tensor<[1,12,14,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
804 | Tensor<[1,12,64,14]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
805 | Tensor<[1,12,50,50]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
806 | Tensor<[1,12,50,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
807 | Tensor<[2,8,7,7]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
808 | Tensor<[2,8,7,1]>, dims: [0, 1, 2, 3] | aten::_safe_softmax | 4 | |
809 | Tensor<[1,50,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
810 | Tensor<[1,50,768]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
811 | Tensor<[50,768]>, dims: [0, 1] | aten::add.Tensor | 4 | |
812 | Tensor<[50,3072]>, dims: [0, 1] | aten::add.Tensor | 4 | |
813 | Tensor<[2,7,512]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
814 | Tensor<[1,7,512]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
815 | Tensor<[2,7,1]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
816 | Tensor<[14,512]>, dims: [0, 1] | aten::add.Tensor | 4 | |
817 | Tensor<[2,1,7,7]>, dims: [0, 1, 2, 3] | aten::add.Tensor | 4 | |
818 | Tensor<[14,2048]>, dims: [0, 1] | aten::add.Tensor | 4 | |
819 | Tensor<[12,64,50]>, dims: [0, 1, 2] | aten::bmm | 4 | |
820 | Tensor<[12,50,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
821 | Tensor<[16,64,7]>, dims: [0, 1, 2] | aten::bmm | 4 | |
822 | Tensor<[16,7,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
823 | Tensor<[2,512]>, dims: [0, 1] | aten::div.Tensor | 4 | |
824 | Tensor<[2,1]>, dims: [0, 1] | aten::div.Tensor | 4 | |
825 | Tensor<[2,1,1,7]>, dims: [0, 1, 2, 3] | aten::expand | 4 | |
826 | Tensor<[1,12,50,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
827 | Tensor<[1,12,64,50]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
828 | Tensor<[2,8,7,64]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
829 | Tensor<[2,8,64,7]>, dims: [0, 1, 2, 3] | aten::mul.Scalar | 4 | |
830 | Tensor<[1,50,3072]>, dims: [0, 1, 2] | aten::mul.Tensor | 4 | |
831 | Tensor<[2,7,2048]>, dims: [0, 1, 2] | aten::mul.Tensor | 4 | |
832 | Tensor<[1,16,197,197]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
833 | Tensor<[1,16,197,1]>, dims: [0, 1, 2, 3] | aten::_softmax | 4 | |
834 | Tensor<[1,197,1024]>, dims: [0, 1, 2] | aten::add.Tensor | 4 | |
835 | Tensor<[197,1024]>, dims: [0, 1] | aten::add.Tensor | 4 | |
836 | Tensor<[27]>, dims: [0] | aten::add.Tensor | 4 | |
837 | Tensor<[27,1]>, dims: [0, 1] | aten::add.Tensor | 4 | |
838 | Tensor<[196,196]>, dims: [0, 1] | aten::add.Tensor | 4 | |
839 | Tensor<[197,4096]>, dims: [0, 1] | aten::add.Tensor | 4 | |
840 | Tensor<[1,1024]>, dims: [0, 1] | aten::add.Tensor | 4 | |
841 | Tensor<[197]>, dims: [0] | aten::arange | 4 | |
842 | Tensor<[16,64,197]>, dims: [0, 1, 2] | aten::bmm | 4 | |
843 | Tensor<[16,197,64]>, dims: [0, 1, 2] | aten::bmm | 4 | |
844 | Tensor<[14,1]>, dims: [0, 1] | aten::expand | 4 | |
845 | Tensor<[1,14]>, dims: [0, 1] | aten::expand | 4 | |
846 | Tensor<[27,1]>, dims: [2, 3] | aten::index.Tensor | 4 | |
847 | Tensor<[27]>, dims: [3] | aten::index.Tensor | 4 | |
848 | Tensor<[1,16,27,27]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
849 | Tensor<[2,196,1]>, dims: [0, 1, 2] | aten::sub.Tensor | 4 | |
850 | Tensor<[2,1,196]>, dims: [0, 1, 2] | aten::sub.Tensor | 4 | |
851 | Tensor<[1,197]>, dims: [0, 1] | aten::where.self | 4 | |
852 | Tensor<[196,197]>, dims: [0, 1] | aten::where.self | 4 | |
853 | Tensor<[197,1]>, dims: [0, 1] | aten::where.self | 4 | |
854 | Tensor<[197,197]>, dims: [0, 1] | aten::where.self | 4 | |
855 | Tensor<[12,1,1]>, dims: [1, 2, 3] | aten::index.Tensor | 4 | |
856 | Tensor<[1,12,27,27]>, dims: [0, 1, 2, 3] | aten::mul.Tensor | 4 | |
857 | Tensor<[1,64]>, dims: [0, 1] | aten::add.Tensor | 4 | |
858 | Tensor<[1,12]>, dims: [0, 1] | aten::add.Tensor | 4 | |
859 | Tensor<[12]>, dims: [1] | aten::add.Tensor | 4 | |
860 | Tensor<[1,784]>, dims: [0, 1] | aten::add.Tensor | 4 | |
861 | Tensor<[784]>, dims: [1] | aten::add.Tensor | 4 | |
862 | Tensor<[784]>, dims: [0] | aten::mul.Tensor | 4 |
stablehlo.ceil::ttnn.ceil
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Scalar, | ttnn.ceil | aten::arange | 4 |
stablehlo.clamp::ttnn.clamp
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,1024,512]>, Tensor<[1,1024,512]>, | ttnn.clamp | aten::gelu | 4 |
1 | Tensor<[1,256,256]>, Tensor<[1,256,256]>, | ttnn.clamp | aten::gelu | 4 |
2 | Tensor<[1,10,3072]>, Tensor<[1,10,3072]>, | ttnn.clamp | aten::gelu | 4 |
3 | Tensor<[1,10,768]>, Tensor<[1,10,768]>, | ttnn.clamp | aten::gelu | 4 |
4 | Tensor<[1,4096,1280]>, Tensor<[1,4096,1280]>, | ttnn.clamp | aten::gelu | 4 |
5 | Tensor<[1,1024,2560]>, Tensor<[1,1024,2560]>, | ttnn.clamp | aten::gelu | 4 |
6 | Tensor<[1,256,5120]>, Tensor<[1,256,5120]>, | ttnn.clamp | aten::gelu | 4 |
7 | Tensor<[1,64,5120]>, Tensor<[1,64,5120]>, | ttnn.clamp | aten::gelu | 4 |
8 | Tensor<[1,25,3072]>, Tensor<[1,25,3072]>, | ttnn.clamp | aten::gelu | 4 |
9 | Tensor<[1,1445,768]>, Tensor<[1,1445,768]>, | ttnn.clamp | aten::gelu | 4 |
10 | Tensor<[1,3072,8]>, Tensor<[1,3072,8]>, | ttnn.clamp | aten::gelu | 4 |
11 | Tensor<[1,256,1280]>, Tensor<[1,256,1280]>, | ttnn.clamp | aten::gelu | 4 |
12 | Tensor<[1,2048,768]>, Tensor<[1,2048,768]>, | ttnn.clamp | aten::gelu | 4 |
13 | Tensor<[1,201,3072]>, Tensor<[1,201,3072]>, | ttnn.clamp | aten::gelu | 4 |
14 | Tensor<[1,1536]>, Tensor<[1,1536]>, | ttnn.clamp | aten::gelu | 4 |
15 | Tensor<[1,19,4096]>, Tensor<[1,19,4096]>, | ttnn.clamp | aten::gelu | 4 |
16 | Tensor<[1,16,3072]>, Tensor<[1,16,3072]>, | ttnn.clamp | aten::gelu | 4 |
17 | Scalar, Tensor<[30]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
18 | Scalar, Tensor<[30,1]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
19 | Scalar, Tensor<[40]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
20 | Scalar, Tensor<[60]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
21 | Scalar, Tensor<[60,1]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
22 | Scalar, Tensor<[80]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
23 | Scalar, Tensor<[120]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
24 | Scalar, Tensor<[120,1]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
25 | Scalar, Tensor<[160]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
26 | Scalar, Tensor<[240]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
27 | Scalar, Tensor<[240,1]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
28 | Scalar, Tensor<[320]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
29 | Scalar, Tensor<[480]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
30 | Scalar, Tensor<[480,1]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
31 | Scalar, Tensor<[640]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
32 | Tensor<[1,19200,256]>, Tensor<[1,19200,256]>, | ttnn.clamp | aten::gelu | 4 |
33 | Tensor<[1,4800,512]>, Tensor<[1,4800,512]>, | ttnn.clamp | aten::gelu | 4 |
34 | Tensor<[1,1200,1280]>, Tensor<[1,1200,1280]>, | ttnn.clamp | aten::gelu | 4 |
35 | Tensor<[1,300,2048]>, Tensor<[1,300,2048]>, | ttnn.clamp | aten::gelu | 4 |
36 | Tensor<[1,197,3072]>, Tensor<[1,197,3072]>, | ttnn.clamp | aten::gelu | 4 |
37 | Scalar, Tensor<[128]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
38 | Scalar, Tensor<[128,1]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
39 | Tensor<[1,16384,128]>, Tensor<[1,16384,128]>, | ttnn.clamp | aten::gelu | 4 |
40 | Tensor<[1,4096,256]>, Tensor<[1,4096,256]>, | ttnn.clamp | aten::gelu | 4 |
41 | Tensor<[1,1024,640]>, Tensor<[1,1024,640]>, | ttnn.clamp | aten::gelu | 4 |
42 | Tensor<[1,256,1024]>, Tensor<[1,256,1024]>, | ttnn.clamp | aten::gelu | 4 |
43 | Tensor<[1,7,18176]>, Tensor<[1,7,18176]>, | ttnn.clamp | aten::gelu | 4 |
44 | Scalar, Tensor<[27]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
45 | Scalar, Tensor<[27,1]>, Scalar, | ttnn.clamp | aten::clamp | 4 |
46 | Tensor<[1,197,4096]>, Tensor<[1,197,4096]>, | ttnn.clamp | aten::gelu | 4 |
stablehlo.compare::ttnn.?
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, Tensor<[1,32,32,32]>, | ttnn.eq | aten::_safe_softmax | 4 |
1 | Tensor<[1,1,32,32]>, Tensor<[1,1,32,32]>, | ttnn.eq | aten::eq.Scalar | 4 |
2 | Tensor<[32,32]>, Tensor<[32,32]>, | ttnn.gt | aten::gt.Tensor | 4 |
3 | Tensor<[1,12,7,7]>, Tensor<[1,12,7,7]>, | ttnn.eq | aten::_safe_softmax | 4 |
4 | Tensor<[1,7]>, Tensor<[1,7]>, | ttnn.eq | aten::eq.Scalar | 4 |
5 | Tensor<[7,7]>, Tensor<[7,7]>, | ttnn.lt | aten::lt.Tensor | 4 |
6 | Tensor<[1,12,10,10]>, Tensor<[1,12,10,10]>, | ttnn.eq | aten::_safe_softmax | 4 |
7 | Tensor<[1,10]>, Tensor<[1,10]>, | ttnn.ne | aten::ne.Scalar | 4 |
8 | Tensor<[1,8,4096,4096]>, Tensor<[1,8,4096,4096]>, | ttnn.eq | aten::_safe_softmax | 4 |
9 | Tensor<[1,8,4096,9]>, Tensor<[1,8,4096,9]>, | ttnn.eq | aten::_safe_softmax | 4 |
10 | Tensor<[1,8,1024,1024]>, Tensor<[1,8,1024,1024]>, | ttnn.eq | aten::_safe_softmax | 4 |
11 | Tensor<[1,8,1024,9]>, Tensor<[1,8,1024,9]>, | ttnn.eq | aten::_safe_softmax | 4 |
12 | Tensor<[1,8,256,256]>, Tensor<[1,8,256,256]>, | ttnn.eq | aten::_safe_softmax | 4 |
13 | Tensor<[1,8,256,9]>, Tensor<[1,8,256,9]>, | ttnn.eq | aten::_safe_softmax | 4 |
14 | Tensor<[1,8,64,64]>, Tensor<[1,8,64,64]>, | ttnn.eq | aten::_safe_softmax | 4 |
15 | Tensor<[1,8,64,9]>, Tensor<[1,8,64,9]>, | ttnn.eq | aten::_safe_softmax | 4 |
16 | Tensor<[1,12,25,25]>, Tensor<[1,12,25,25]>, | ttnn.eq | aten::_safe_softmax | 4 |
17 | Tensor<[1,3,1445,1445]>, Tensor<[1,3,1445,1445]>, | ttnn.eq | aten::_safe_softmax | 4 |
18 | Tensor<[19]>, Tensor<[19]>, | ttnn.lt | aten::lt.Scalar | 4 |
19 | Tensor<[19,19]>, Tensor<[19,19]>, | ttnn.lt | aten::lt.Tensor | 4 |
20 | Tensor<[1,12,16,16]>, Tensor<[1,12,16,16]>, | ttnn.eq | aten::_safe_softmax | 4 |
21 | Tensor<[1,12,197,197]>, Tensor<[1,12,197,197]>, | ttnn.eq | aten::_safe_softmax | 4 |
22 | Tensor<[1,71,7,7]>, Tensor<[1,71,7,7]>, | ttnn.eq | aten::_safe_softmax | 4 |
23 | Tensor<[1,1,7,7]>, Tensor<[1,1,7,7]>, | ttnn.eq | aten::eq.Scalar | 4 |
24 | Tensor<[1,12,12,12]>, Tensor<[1,12,12,12]>, | ttnn.eq | aten::_safe_softmax | 4 |
25 | Tensor<[1,12,9,9]>, Tensor<[1,12,9,9]>, | ttnn.eq | aten::_safe_softmax | 4 |
26 | Tensor<[1,16,9,9]>, Tensor<[1,16,9,9]>, | ttnn.eq | aten::_safe_softmax | 4 |
27 | Tensor<[1,64,9,9]>, Tensor<[1,64,9,9]>, | ttnn.eq | aten::_safe_softmax | 4 |
28 | Tensor<[1,12,14,14]>, Tensor<[1,12,14,14]>, | ttnn.eq | aten::_safe_softmax | 4 |
29 | Tensor<[1,12,50,50]>, Tensor<[1,12,50,50]>, | ttnn.eq | aten::_safe_softmax | 4 |
30 | Tensor<[2,8,7,7]>, Tensor<[2,8,7,7]>, | ttnn.eq | aten::_safe_softmax | 4 |
31 | Tensor<[197]>, Tensor<[197]>, | ttnn.ge | aten::ge.Scalar | 4 |
stablehlo.concatenate::ttnn.concat
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,64]>, Tensor<[1,32,64]>, dim: 2 | ttnn.concat | aten::cat | 5 |
1 | Tensor<[1,32,32,64]>, Tensor<[1,32,32,64]>, dim: 3 | ttnn.concat | aten::cat | 5 |
2 | Tensor<[1,1]>, Tensor<[1,1]>, dim: 1 | ttnn.concat | aten::index.Tensor | 4 |
3 | Tensor<[1,128,28,28]>, Tensor<[1,19,28,28]>, Tensor<[1,38,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
4 | Tensor<[1,23,40,128]>, Tensor<[1,23,40,128]>, dim: 3 | ttnn.concat | aten::cat | 5 |
5 | Tensor<[1,1,23,40,1]>, Tensor<[1,1,23,40,1]>, Tensor<[1,1,23,40,1]>, Tensor<[1,1,23,40,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
6 | Tensor<[1,23,40,64,1]>, Tensor<[1,23,40,64,1]>, dim: 4 | ttnn.concat | aten::stack | 5 |
7 | Tensor<[1,100,1,256]>, Tensor<[1,100,1,256]>, Tensor<[1,100,1,256]>, Tensor<[1,100,1,256]>, Tensor<[1,100,1,256]>, Tensor<[1,100,1,256]>, dim: 0 | ttnn.concat | aten::stack | 5 |
8 | Tensor<[1,160]>, Tensor<[1,160]>, dim: 1 | ttnn.concat | aten::cat | 5 |
9 | Tensor<[1,1280,8,8]>, Tensor<[1,1280,8,8]>, dim: 1 | ttnn.concat | aten::cat | 5 |
10 | Tensor<[1,1280,16,16]>, Tensor<[1,1280,16,16]>, dim: 1 | ttnn.concat | aten::cat | 5 |
11 | Tensor<[1,1280,16,16]>, Tensor<[1,640,16,16]>, dim: 1 | ttnn.concat | aten::cat | 5 |
12 | Tensor<[1,1280,32,32]>, Tensor<[1,640,32,32]>, dim: 1 | ttnn.concat | aten::cat | 5 |
13 | Tensor<[1,640,32,32]>, Tensor<[1,640,32,32]>, dim: 1 | ttnn.concat | aten::cat | 5 |
14 | Tensor<[1,640,32,32]>, Tensor<[1,320,32,32]>, dim: 1 | ttnn.concat | aten::cat | 5 |
15 | Tensor<[1,640,64,64]>, Tensor<[1,320,64,64]>, dim: 1 | ttnn.concat | aten::cat | 5 |
16 | Tensor<[1,320,64,64]>, Tensor<[1,320,64,64]>, dim: 1 | ttnn.concat | aten::cat | 5 |
17 | Tensor<[1,1280,16,16,1]>, Tensor<[1,1280,16,16,1]>, Tensor<[1,1280,16,16,1]>, Tensor<[1,1280,16,16,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
18 | Tensor<[1,1280,32,32,1]>, Tensor<[1,1280,32,32,1]>, Tensor<[1,1280,32,32,1]>, Tensor<[1,1280,32,32,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
19 | Tensor<[1,640,64,64,1]>, Tensor<[1,640,64,64,1]>, Tensor<[1,640,64,64,1]>, Tensor<[1,640,64,64,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
20 | Tensor<[1,1,192]>, Tensor<[1,1344,192]>, Tensor<[1,100,192]>, dim: 1 | ttnn.concat | aten::cat | 5 |
21 | Tensor<[1,8,768]>, Tensor<[1,193,768]>, dim: 1 | ttnn.concat | aten::cat | 5 |
22 | Tensor<[1,8]>, Tensor<[1,193]>, dim: 1 | ttnn.concat | aten::cat | 4 |
23 | Tensor<[1,1,12,16,1]>, Tensor<[1,1,12,16,1]>, Tensor<[1,1,12,16,1]>, Tensor<[1,1,12,16,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
24 | Tensor<[12,16,1]>, Tensor<[12,16,1]>, dim: 2 | ttnn.concat | aten::stack | 4 |
25 | Tensor<[19,1,1]>, Tensor<[19,1,1]>, dim: 2 | ttnn.concat | aten::gather | 4 |
26 | Tensor<[1,14,56,56]>, Tensor<[1,64,56,56]>, dim: 1 | ttnn.concat | aten::cat | 5 |
27 | Tensor<[1,14,56,56]>, Tensor<[1,24,56,56]>, Tensor<[1,64,56,56]>, dim: 1 | ttnn.concat | aten::cat | 5 |
28 | Tensor<[1,14,56,56]>, Tensor<[1,40,56,56]>, dim: 1 | ttnn.concat | aten::cat | 5 |
29 | Tensor<[1,14,56,56]>, Tensor<[1,24,56,56]>, Tensor<[1,40,56,56]>, Tensor<[1,64,56,56]>, dim: 1 | ttnn.concat | aten::cat | 5 |
30 | Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, Tensor<[1,68,56,56]>, dim: 1 | ttnn.concat | aten::cat | 5 |
31 | Tensor<[1,16,28,28]>, Tensor<[1,128,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
32 | Tensor<[1,16,28,28]>, Tensor<[1,28,28,28]>, Tensor<[1,128,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
33 | Tensor<[1,16,28,28]>, Tensor<[1,46,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
34 | Tensor<[1,16,28,28]>, Tensor<[1,28,28,28]>, Tensor<[1,46,28,28]>, Tensor<[1,128,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
35 | Tensor<[1,16,28,28]>, Tensor<[1,78,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
36 | Tensor<[1,16,28,28]>, Tensor<[1,28,28,28]>, Tensor<[1,78,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
37 | Tensor<[1,16,28,28]>, Tensor<[1,28,28,28]>, Tensor<[1,46,28,28]>, Tensor<[1,78,28,28]>, Tensor<[1,128,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
38 | Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, Tensor<[1,134,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
39 | Tensor<[1,20,28,28]>, Tensor<[1,256,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
40 | Tensor<[1,20,28,28]>, Tensor<[1,34,28,28]>, Tensor<[1,256,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
41 | Tensor<[1,20,28,28]>, Tensor<[1,58,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
42 | Tensor<[1,20,28,28]>, Tensor<[1,34,28,28]>, Tensor<[1,58,28,28]>, Tensor<[1,256,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
43 | Tensor<[1,20,28,28]>, Tensor<[1,98,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
44 | Tensor<[1,20,28,28]>, Tensor<[1,34,28,28]>, Tensor<[1,98,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
45 | Tensor<[1,20,28,28]>, Tensor<[1,34,28,28]>, Tensor<[1,58,28,28]>, Tensor<[1,98,28,28]>, Tensor<[1,256,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
46 | Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, Tensor<[1,168,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
47 | Tensor<[1,40,14,14]>, Tensor<[1,320,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
48 | Tensor<[1,40,14,14]>, Tensor<[1,68,14,14]>, Tensor<[1,320,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
49 | Tensor<[1,40,14,14]>, Tensor<[1,116,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
50 | Tensor<[1,40,14,14]>, Tensor<[1,68,14,14]>, Tensor<[1,116,14,14]>, Tensor<[1,320,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
51 | Tensor<[1,40,14,14]>, Tensor<[1,196,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
52 | Tensor<[1,40,14,14]>, Tensor<[1,68,14,14]>, Tensor<[1,196,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
53 | Tensor<[1,40,14,14]>, Tensor<[1,68,14,14]>, Tensor<[1,116,14,14]>, Tensor<[1,196,14,14]>, Tensor<[1,320,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
54 | Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, Tensor<[1,334,14,14]>, dim: 1 | ttnn.concat | aten::cat | 5 |
55 | Tensor<[1,160,7,7]>, Tensor<[1,640,7,7]>, dim: 1 | ttnn.concat | aten::cat | 5 |
56 | Tensor<[1,160,7,7]>, Tensor<[1,272,7,7]>, Tensor<[1,640,7,7]>, dim: 1 | ttnn.concat | aten::cat | 5 |
57 | Tensor<[1,160,7,7]>, Tensor<[1,160,7,7]>, Tensor<[1,462,7,7]>, dim: 1 | ttnn.concat | aten::cat | 5 |
58 | Tensor<[1,256,32,32]>, Tensor<[1,512,32,32]>, dim: 1 | ttnn.concat | aten::cat | 5 |
59 | Tensor<[1,128,64,64]>, Tensor<[1,256,64,64]>, dim: 1 | ttnn.concat | aten::cat | 5 |
60 | Tensor<[1,256,32,32,1]>, Tensor<[1,256,32,32,1]>, Tensor<[1,256,32,32,1]>, Tensor<[1,256,32,32,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
61 | Tensor<[1,128,64,64,1]>, Tensor<[1,128,64,64,1]>, Tensor<[1,128,64,64,1]>, Tensor<[1,128,64,64,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
62 | Tensor<[1,256,32,32]>, Tensor<[1,256,32,32]>, dim: 1 | ttnn.concat | aten::cat | 5 |
63 | Tensor<[1,128,64,64]>, Tensor<[1,128,64,64]>, dim: 1 | ttnn.concat | aten::cat | 5 |
64 | Tensor<[1,64,128,128]>, Tensor<[1,64,128,128]>, dim: 1 | ttnn.concat | aten::cat | 5 |
65 | Tensor<[1,32,256,256]>, Tensor<[1,32,256,256]>, dim: 1 | ttnn.concat | aten::cat | 5 |
66 | Tensor<[1,512,28,28]>, Tensor<[1,512,28,28]>, dim: 1 | ttnn.concat | aten::cat | 5 |
67 | Tensor<[1,256,56,56]>, Tensor<[1,256,56,56]>, dim: 1 | ttnn.concat | aten::cat | 5 |
68 | Tensor<[1,128,112,112]>, Tensor<[1,128,112,112]>, dim: 1 | ttnn.concat | aten::cat | 5 |
69 | Tensor<[1,64,224,224]>, Tensor<[1,64,224,224]>, dim: 1 | ttnn.concat | aten::cat | 5 |
70 | Tensor<[1,64,30,40]>, Tensor<[1,64,30,40]>, dim: 1 | ttnn.concat | aten::cat | 5 |
71 | Tensor<[1,64,60,80]>, Tensor<[1,64,60,80]>, dim: 1 | ttnn.concat | aten::cat | 5 |
72 | Tensor<[1,64,120,160]>, Tensor<[1,64,120,160]>, dim: 1 | ttnn.concat | aten::cat | 5 |
73 | Tensor<[1,64,30,40,1]>, Tensor<[1,64,30,40,1]>, Tensor<[1,64,30,40,1]>, Tensor<[1,64,30,40,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
74 | Tensor<[1,64,60,80,1]>, Tensor<[1,64,60,80,1]>, Tensor<[1,64,60,80,1]>, Tensor<[1,64,60,80,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
75 | Tensor<[1,64,120,160,1]>, Tensor<[1,64,120,160,1]>, Tensor<[1,64,120,160,1]>, Tensor<[1,64,120,160,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
76 | Tensor<[1,64,240,320,1]>, Tensor<[1,64,240,320,1]>, Tensor<[1,64,240,320,1]>, Tensor<[1,64,240,320,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
77 | Tensor<[1,64,480,640,1]>, Tensor<[1,64,480,640,1]>, Tensor<[1,64,480,640,1]>, Tensor<[1,64,480,640,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
78 | Tensor<[1,1,768]>, Tensor<[1,196,768]>, dim: 1 | ttnn.concat | aten::cat | 5 |
79 | Tensor<[1,256,128,128]>, Tensor<[1,256,128,128]>, Tensor<[1,256,128,128]>, Tensor<[1,256,128,128]>, dim: 1 | ttnn.concat | aten::cat | 5 |
80 | Tensor<[1,256,128,128,1]>, Tensor<[1,256,128,128,1]>, Tensor<[1,256,128,128,1]>, Tensor<[1,256,128,128,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
81 | Tensor<[1,7,32]>, Tensor<[1,7,32]>, dim: 2 | ttnn.concat | aten::cat | 5 |
82 | Tensor<[1,71,7,32]>, Tensor<[1,71,7,32]>, dim: 3 | ttnn.concat | aten::cat | 5 |
83 | Tensor<[1,1,7,32]>, Tensor<[1,1,7,32]>, dim: 3 | ttnn.concat | aten::cat | 5 |
84 | Tensor<[1,7,1,64,1]>, Tensor<[1,7,1,64,1]>, Tensor<[1,7,1,64,1]>, Tensor<[1,7,1,64,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
85 | Tensor<[1,1,768]>, Tensor<[1,49,768]>, dim: 1 | ttnn.concat | aten::cat | 5 |
86 | Tensor<[2,1]>, Tensor<[2,1]>, dim: 1 | ttnn.concat | aten::index.Tensor | 4 |
87 | Tensor<[1,1,1024]>, Tensor<[1,196,1024]>, dim: 1 | ttnn.concat | aten::cat | 5 |
88 | Tensor<[729,16]>, Tensor<[3,16]>, dim: 0 | ttnn.concat | aten::cat | 5 |
89 | Tensor<[1,16,27,27,1]>, Tensor<[1,16,27,27,1]>, Tensor<[1,16,27,27,1]>, Tensor<[1,16,27,27,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
90 | Tensor<[1,14,14]>, Tensor<[1,14,14]>, dim: 0 | ttnn.concat | aten::stack | 4 |
91 | Tensor<[729,12]>, Tensor<[3,12]>, dim: 0 | ttnn.concat | aten::cat | 5 |
92 | Tensor<[1,12,27,27,1]>, Tensor<[1,12,27,27,1]>, Tensor<[1,12,27,27,1]>, Tensor<[1,12,27,27,1]>, dim: 4 | ttnn.concat | aten::index.Tensor | 4 |
stablehlo.constant
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Scalar, | aten::_safe_softmax | 4 | |
1 | Tensor<[32]>, | aten::arange | 4 | |
2 | Tensor<[32,1]>, | aten::triu | 4 | |
3 | Tensor<[7]>, | aten::add.Tensor | 4 | |
4 | Tensor<[1]>, | aten::arange | 4 | |
5 | Tensor<[1,7]>, | aten::eq.Scalar | 4 | |
6 | Tensor<[64]>, | aten::reciprocal | 5 | |
7 | Tensor<[128]>, | aten::reciprocal | 5 | |
8 | Tensor<[256]>, | aten::reciprocal | 5 | |
9 | Tensor<[512]>, | aten::reciprocal | 5 | |
10 | Tensor<[1,32,112,112]>, | aten::relu | 4 | |
11 | Tensor<[1,64,112,112]>, | aten::relu | 4 | |
12 | Tensor<[1,64,56,56]>, | aten::relu | 4 | |
13 | Tensor<[1,128,56,56]>, | aten::relu | 4 | |
14 | Tensor<[1,128,28,28]>, | aten::relu | 4 | |
15 | Tensor<[1,256,28,28]>, | aten::relu | 4 | |
16 | Tensor<[1,512,28,28]>, | aten::relu | 4 | |
17 | Tensor<[1,1024,512]>, | aten::gelu | 4 | |
18 | Tensor<[1,256,256]>, | aten::gelu | 4 | |
19 | Tensor<[1,720,1280]>, | aten::ones | 4 | |
20 | Tensor<[1,64,360,640]>, | aten::relu | 4 | |
21 | Tensor<[1,64,180,320]>, | aten::relu | 4 | |
22 | Tensor<[1,256,180,320]>, | aten::relu | 4 | |
23 | Tensor<[1,128,180,320]>, | aten::relu | 4 | |
24 | Tensor<[1,128,90,160]>, | aten::relu | 4 | |
25 | Tensor<[1,512,90,160]>, | aten::relu | 4 | |
26 | Tensor<[1,256,90,160]>, | aten::relu | 4 | |
27 | Tensor<[1,256,45,80]>, | aten::relu | 4 | |
28 | Tensor<[1,1024,45,80]>, | aten::relu | 4 | |
29 | Tensor<[1,512,45,80]>, | aten::relu | 4 | |
30 | Tensor<[1,512,23,40]>, | aten::relu | 4 | |
31 | Tensor<[1,2048,23,40]>, | aten::relu | 4 | |
32 | Tensor<[920,1,2048]>, | aten::relu | 4 | |
33 | Tensor<[100,1,2048]>, | aten::relu | 4 | |
34 | Tensor<[6,1,100,256]>, | aten::relu | 4 | |
35 | Tensor<[1,1]>, | aten::select_scatter | 4 | |
36 | Tensor<[1,3,720,1280]>, | aten::zeros | 5 | |
37 | Tensor<[1,10]>, | aten::add.Tensor | 5 | |
38 | Tensor<[1,10,3072]>, | aten::gelu | 4 | |
39 | Tensor<[1,10,768]>, | aten::gelu | 4 | |
40 | Tensor<[1,4096,1280]>, | aten::gelu | 4 | |
41 | Tensor<[1,1024,2560]>, | aten::gelu | 4 | |
42 | Tensor<[1,256,5120]>, | aten::gelu | 4 | |
43 | Tensor<[1,64,5120]>, | aten::gelu | 4 | |
44 | Tensor<[1280]>, | aten::index.Tensor | 4 | |
45 | Tensor<[640]>, | aten::index.Tensor | 4 | |
46 | Tensor<[1,25,3072]>, | aten::gelu | 4 | |
47 | Tensor<[1,1445,768]>, | aten::gelu | 4 | |
48 | Tensor<[1,100,192]>, | aten::relu | 4 | |
49 | Tensor<[1,256,14,14]>, | aten::relu | 4 | |
50 | Tensor<[1,512,7,7]>, | aten::relu | 4 | |
51 | Tensor<[1,3072,8]>, | aten::gelu | 4 | |
52 | Tensor<[2048]>, | aten::arange.start | 4 | |
53 | Tensor<[1,256,1280]>, | aten::gelu | 4 | |
54 | Tensor<[1,2048,768]>, | aten::gelu | 4 | |
55 | Tensor<[1024]>, | aten::reciprocal | 5 | |
56 | Tensor<[1,256,56,56]>, | aten::relu | 4 | |
57 | Tensor<[1,1024,14,14]>, | aten::relu | 4 | |
58 | Tensor<[1,512,14,14]>, | aten::relu | 4 | |
59 | Tensor<[1,2048,7,7]>, | aten::relu | 4 | |
60 | Tensor<[1,193]>, | aten::full_like | 4 | |
61 | Tensor<[1,201,3072]>, | aten::gelu | 4 | |
62 | Tensor<[1,1536]>, | aten::gelu | 4 | |
63 | Tensor<[1,192]>, | aten::rsub.Scalar | 4 | |
64 | Tensor<[1,8]>, | aten::zeros_like | 4 | |
65 | Tensor<[1,32,26,26]>, | aten::relu | 4 | |
66 | Tensor<[1,64,24,24]>, | aten::relu | 4 | |
67 | Tensor<[1,128]>, | aten::relu | 4 | |
68 | Tensor<[19]>, | aten::add.Tensor | 4 | |
69 | Tensor<[1,19]>, | aten::add.Tensor | 4 | |
70 | Tensor<[1,19,4096]>, | aten::gelu | 4 | |
71 | Tensor<[14]>, | aten::reciprocal | 5 | |
72 | Tensor<[24]>, | aten::reciprocal | 5 | |
73 | Tensor<[40]>, | aten::reciprocal | 5 | |
74 | Tensor<[68]>, | aten::reciprocal | 5 | |
75 | Tensor<[16]>, | aten::reciprocal | 5 | |
76 | Tensor<[28]>, | aten::reciprocal | 5 | |
77 | Tensor<[46]>, | aten::reciprocal | 5 | |
78 | Tensor<[78]>, | aten::reciprocal | 5 | |
79 | Tensor<[134]>, | aten::reciprocal | 5 | |
80 | Tensor<[20]>, | aten::reciprocal | 5 | |
81 | Tensor<[34]>, | aten::reciprocal | 5 | |
82 | Tensor<[58]>, | aten::reciprocal | 5 | |
83 | Tensor<[98]>, | aten::reciprocal | 5 | |
84 | Tensor<[168]>, | aten::reciprocal | 5 | |
85 | Tensor<[320]>, | aten::reciprocal | 5 | |
86 | Tensor<[116]>, | aten::reciprocal | 5 | |
87 | Tensor<[196]>, | aten::reciprocal | 5 | |
88 | Tensor<[334]>, | aten::reciprocal | 5 | |
89 | Tensor<[160]>, | aten::reciprocal | 5 | |
90 | Tensor<[272]>, | aten::reciprocal | 5 | |
91 | Tensor<[462]>, | aten::reciprocal | 5 | |
92 | Tensor<[1,32,256,256]>, | aten::relu | 4 | |
93 | Tensor<[1,64,128,128]>, | aten::relu | 4 | |
94 | Tensor<[1,128,64,64]>, | aten::relu | 4 | |
95 | Tensor<[1,256,32,32]>, | aten::relu | 4 | |
96 | Tensor<[1,512,16,16]>, | aten::relu | 4 | |
97 | Tensor<[1,16,28,28]>, | aten::relu | 4 | |
98 | Tensor<[1,4,14,14]>, | aten::relu | 4 | |
99 | Tensor<[1,16,14,14]>, | aten::relu | 4 | |
100 | Tensor<[1,32]>, | aten::sub.Tensor | 4 | |
101 | Tensor<[1,16,3072]>, | aten::gelu | 4 | |
102 | Tensor<[1,64,224,224]>, | aten::relu | 4 | |
103 | Tensor<[1,128,112,112]>, | aten::relu | 4 | |
104 | Tensor<[30,1]>, | aten::add.Tensor | 4 | |
105 | Tensor<[60,1]>, | aten::add.Tensor | 4 | |
106 | Tensor<[80]>, | aten::add.Tensor | 4 | |
107 | Tensor<[120,1]>, | aten::add.Tensor | 4 | |
108 | Tensor<[240,1]>, | aten::add.Tensor | 4 | |
109 | Tensor<[480,1]>, | aten::add.Tensor | 4 | |
110 | Tensor<[30]>, | aten::arange | 4 | |
111 | Tensor<[60]>, | aten::arange | 4 | |
112 | Tensor<[120]>, | aten::arange | 4 | |
113 | Tensor<[240]>, | aten::arange | 4 | |
114 | Tensor<[480]>, | aten::arange | 4 | |
115 | Tensor<[1,19200,256]>, | aten::gelu | 4 | |
116 | Tensor<[1,4800,512]>, | aten::gelu | 4 | |
117 | Tensor<[1,1200,1280]>, | aten::gelu | 4 | |
118 | Tensor<[1,300,2048]>, | aten::gelu | 4 | |
119 | Tensor<[1,64,30,40]>, | aten::relu | 4 | |
120 | Tensor<[1,32,30,40]>, | aten::relu | 4 | |
121 | Tensor<[1,64,60,80]>, | aten::relu | 4 | |
122 | Tensor<[1,32,60,80]>, | aten::relu | 4 | |
123 | Tensor<[1,64,120,160]>, | aten::relu | 4 | |
124 | Tensor<[1,32,120,160]>, | aten::relu | 4 | |
125 | Tensor<[1,64,480,640]>, | aten::relu | 4 | |
126 | Tensor<[1,197,3072]>, | aten::gelu | 4 | |
127 | Tensor<[128,1]>, | aten::add.Tensor | 4 | |
128 | Tensor<[1,16384,128]>, | aten::gelu | 4 | |
129 | Tensor<[1,4096,256]>, | aten::gelu | 4 | |
130 | Tensor<[1,1024,640]>, | aten::gelu | 4 | |
131 | Tensor<[1,256,1024]>, | aten::gelu | 4 | |
132 | Tensor<[1,256,128,128]>, | aten::relu | 4 | |
133 | Tensor<[1,7,18176]>, | aten::gelu | 4 | |
134 | Tensor<[7,1]>, | aten::triu | 4 | |
135 | Tensor<[96]>, | aten::reciprocal | 5 | |
136 | Tensor<[144]>, | aten::reciprocal | 5 | |
137 | Tensor<[192]>, | aten::reciprocal | 5 | |
138 | Tensor<[384]>, | aten::reciprocal | 5 | |
139 | Tensor<[576]>, | aten::reciprocal | 5 | |
140 | Tensor<[960]>, | aten::reciprocal | 5 | |
141 | Tensor<[2]>, | aten::arange | 4 | |
142 | Tensor<[27,1]>, | aten::add.Tensor | 4 | |
143 | Tensor<[27]>, | aten::add.Tensor | 4 | |
144 | Tensor<[196,196]>, | aten::add.Tensor | 4 | |
145 | Tensor<[197]>, | aten::arange | 4 | |
146 | Tensor<[1,197,4096]>, | aten::gelu | 4 | |
147 | Tensor<[197,197]>, | aten::zeros | 4 | |
148 | Tensor<[12]>, | aten::index.Tensor | 4 | |
149 | Tensor<[1,64]>, | aten::relu | 4 | |
150 | Tensor<[1,12]>, | aten::relu | 4 |
stablehlo.convert
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1]>, | aten::_safe_softmax | 4 | |
1 | Scalar, | aten::_safe_softmax | 4 | |
2 | Tensor<[1,1,1,32]>, | aten::add.Tensor | 4 | |
3 | Tensor<[1,1,32,32]>, | aten::add.Tensor | 4 | |
4 | Tensor<[1,32,4096]>, | aten::embedding | 4 | |
5 | Tensor<[32,32]>, | aten::mul.Tensor | 5 | |
6 | Tensor<[1,1,32]>, | prims::convert_element_type | 4 | |
7 | Tensor<[1,32,128]>, | prims::convert_element_type | 5 | |
8 | Tensor<[1,32,32,128]>, | prims::convert_element_type | 5 | |
9 | Tensor<[768]>, | aten::add.Tensor | 4 | |
10 | Tensor<[1,1,7,7]>, | aten::add.Tensor | 4 | |
11 | Tensor<[1,7,768]>, | aten::embedding | 4 | |
12 | Tensor<[7,7]>, | prims::convert_element_type | 5 | |
13 | Tensor<[2304]>, | prims::convert_element_type | 5 | |
14 | Tensor<[7,768]>, | prims::convert_element_type | 5 | |
15 | Tensor<[768,2304]>, | prims::convert_element_type | 5 | |
16 | Tensor<[7,2304]>, | prims::convert_element_type | 5 | |
17 | Tensor<[1,12,7,64]>, | prims::convert_element_type | 5 | |
18 | Tensor<[768,768]>, | prims::convert_element_type | 5 | |
19 | Tensor<[3072]>, | prims::convert_element_type | 5 | |
20 | Tensor<[768,3072]>, | prims::convert_element_type | 5 | |
21 | Tensor<[7,3072]>, | prims::convert_element_type | 5 | |
22 | Tensor<[3072,768]>, | prims::convert_element_type | 5 | |
23 | Tensor<[1,7]>, | prims::convert_element_type | 5 | |
24 | Tensor<[32,1,1]>, | aten::add.Tensor | 4 | |
25 | Tensor<[64,1,1]>, | aten::add.Tensor | 4 | |
26 | Tensor<[128,1,1]>, | aten::add.Tensor | 4 | |
27 | Tensor<[256,1,1]>, | aten::add.Tensor | 4 | |
28 | Tensor<[512,1,1]>, | aten::add.Tensor | 4 | |
29 | Tensor<[1,32,112,112]>, | aten::sub.Tensor | 4 | |
30 | Tensor<[1,64,112,112]>, | aten::sub.Tensor | 4 | |
31 | Tensor<[1,64,56,56]>, | aten::sub.Tensor | 4 | |
32 | Tensor<[1,128,56,56]>, | aten::sub.Tensor | 4 | |
33 | Tensor<[1,128,28,28]>, | aten::sub.Tensor | 4 | |
34 | Tensor<[1,256,28,28]>, | aten::sub.Tensor | 4 | |
35 | Tensor<[1,512,28,28]>, | aten::sub.Tensor | 4 | |
36 | Tensor<[32]>, | prims::convert_element_type | 5 | |
37 | Tensor<[64]>, | prims::convert_element_type | 5 | |
38 | Tensor<[128]>, | prims::convert_element_type | 5 | |
39 | Tensor<[256]>, | prims::convert_element_type | 5 | |
40 | Tensor<[512]>, | prims::convert_element_type | 5 | |
41 | Tensor<[1,1024,512]>, | aten::gelu | 4 | |
42 | Tensor<[1,256,256]>, | aten::gelu | 4 | |
43 | Tensor<[1,256,512]>, | aten::sub.Tensor | 4 | |
44 | Tensor<[256,768]>, | prims::convert_element_type | 5 | |
45 | Tensor<[768,512]>, | prims::convert_element_type | 5 | |
46 | Tensor<[256,512]>, | prims::convert_element_type | 5 | |
47 | Tensor<[512,256]>, | prims::convert_element_type | 5 | |
48 | Tensor<[256,256]>, | prims::convert_element_type | 5 | |
49 | Tensor<[1000]>, | prims::convert_element_type | 5 | |
50 | Tensor<[1,512]>, | prims::convert_element_type | 5 | |
51 | Tensor<[512,1000]>, | prims::convert_element_type | 5 | |
52 | Tensor<[1,1000]>, | prims::convert_element_type | 5 | |
53 | Tensor<[8,920,920]>, | aten::_softmax | 4 | |
54 | Tensor<[8,100,100]>, | aten::_softmax | 4 | |
55 | Tensor<[8,100,920]>, | aten::_softmax | 4 | |
56 | Tensor<[1,23,40]>, | aten::cumsum | 4 | |
57 | Tensor<[920,1,256]>, | aten::sub.Tensor | 4 | |
58 | Tensor<[100,1,256]>, | aten::sub.Tensor | 4 | |
59 | Tensor<[1,3,720,1280]>, | aten::zeros | 5 | |
60 | Tensor<[1,1,720,1280]>, | prims::convert_element_type | 5 | |
61 | Tensor<[23]>, | prims::convert_element_type | 4 | |
62 | Tensor<[40]>, | prims::convert_element_type | 4 | |
63 | Tensor<[1,1,23,40]>, | prims::convert_element_type | 5 | |
64 | Tensor<[1,256,23,40]>, | prims::convert_element_type | 5 | |
65 | Tensor<[920,256]>, | prims::convert_element_type | 5 | |
66 | Tensor<[2048]>, | prims::convert_element_type | 5 | |
67 | Tensor<[256,2048]>, | prims::convert_element_type | 5 | |
68 | Tensor<[920,2048]>, | prims::convert_element_type | 5 | |
69 | Tensor<[2048,256]>, | prims::convert_element_type | 5 | |
70 | Tensor<[100,256]>, | prims::convert_element_type | 5 | |
71 | Tensor<[100,2048]>, | prims::convert_element_type | 5 | |
72 | Tensor<[1,1,10,10]>, | aten::add.Tensor | 4 | |
73 | Tensor<[1,10]>, | aten::cumsum | 4 | |
74 | Tensor<[1,10,768]>, | aten::embedding | 4 | |
75 | Tensor<[1,10,3072]>, | aten::gelu | 4 | |
76 | Tensor<[10,768]>, | prims::convert_element_type | 5 | |
77 | Tensor<[1,12,10,64]>, | prims::convert_element_type | 5 | |
78 | Tensor<[10,3072]>, | prims::convert_element_type | 5 | |
79 | Tensor<[250002]>, | prims::convert_element_type | 5 | |
80 | Tensor<[768,250002]>, | prims::convert_element_type | 5 | |
81 | Tensor<[10,250002]>, | prims::convert_element_type | 5 | |
82 | Tensor<[1,320,1,1]>, | aten::add.Tensor | 4 | |
83 | Tensor<[320]>, | aten::add.Tensor | 4 | |
84 | Tensor<[640]>, | aten::add.Tensor | 4 | |
85 | Tensor<[1,640,1,1]>, | aten::add.Tensor | 4 | |
86 | Tensor<[1280]>, | aten::add.Tensor | 4 | |
87 | Tensor<[1,1280,1,1]>, | aten::add.Tensor | 4 | |
88 | Tensor<[1,2560,1,1]>, | aten::add.Tensor | 4 | |
89 | Tensor<[1,1920,1,1]>, | aten::add.Tensor | 4 | |
90 | Tensor<[1,960,1,1]>, | aten::add.Tensor | 4 | |
91 | Tensor<[1,4096,1280]>, | aten::gelu | 4 | |
92 | Tensor<[1,1024,2560]>, | aten::gelu | 4 | |
93 | Tensor<[1,256,5120]>, | aten::gelu | 4 | |
94 | Tensor<[1,64,5120]>, | aten::gelu | 4 | |
95 | Tensor<[1,32,10,4096]>, | aten::sub.Tensor | 4 | |
96 | Tensor<[1,4096,320]>, | aten::sub.Tensor | 4 | |
97 | Tensor<[1,32,10,1024]>, | aten::sub.Tensor | 4 | |
98 | Tensor<[1,32,20,1024]>, | aten::sub.Tensor | 4 | |
99 | Tensor<[1,1024,640]>, | aten::sub.Tensor | 4 | |
100 | Tensor<[1,32,20,256]>, | aten::sub.Tensor | 4 | |
101 | Tensor<[1,32,40,256]>, | aten::sub.Tensor | 4 | |
102 | Tensor<[1,256,1280]>, | aten::sub.Tensor | 4 | |
103 | Tensor<[1,32,40,64]>, | aten::sub.Tensor | 4 | |
104 | Tensor<[1,64,1280]>, | aten::sub.Tensor | 4 | |
105 | Tensor<[1,32,80,64]>, | aten::sub.Tensor | 4 | |
106 | Tensor<[1,32,80,256]>, | aten::sub.Tensor | 4 | |
107 | Tensor<[1,32,60,256]>, | aten::sub.Tensor | 4 | |
108 | Tensor<[1,32,60,1024]>, | aten::sub.Tensor | 4 | |
109 | Tensor<[1,32,40,1024]>, | aten::sub.Tensor | 4 | |
110 | Tensor<[1,32,30,1024]>, | aten::sub.Tensor | 4 | |
111 | Tensor<[1,32,30,4096]>, | aten::sub.Tensor | 4 | |
112 | Tensor<[1,32,20,4096]>, | aten::sub.Tensor | 4 | |
113 | Tensor<[1,1]>, | prims::convert_element_type | 4 | |
114 | Tensor<[1,320]>, | prims::convert_element_type | 5 | |
115 | Tensor<[320,1280]>, | prims::convert_element_type | 5 | |
116 | Tensor<[1,1280]>, | prims::convert_element_type | 5 | |
117 | Tensor<[1280,1280]>, | prims::convert_element_type | 5 | |
118 | Tensor<[1,320,64,64]>, | prims::convert_element_type | 5 | |
119 | Tensor<[1280,320]>, | prims::convert_element_type | 5 | |
120 | Tensor<[1,8,4096,40]>, | prims::convert_element_type | 5 | |
121 | Tensor<[4096,320]>, | prims::convert_element_type | 5 | |
122 | Tensor<[320,320]>, | prims::convert_element_type | 5 | |
123 | Tensor<[1,8,9,40]>, | prims::convert_element_type | 5 | |
124 | Tensor<[2560]>, | prims::convert_element_type | 5 | |
125 | Tensor<[320,2560]>, | prims::convert_element_type | 5 | |
126 | Tensor<[4096,2560]>, | prims::convert_element_type | 5 | |
127 | Tensor<[4096,1280]>, | prims::convert_element_type | 5 | |
128 | Tensor<[1,320,32,32]>, | prims::convert_element_type | 5 | |
129 | Tensor<[1280,640]>, | prims::convert_element_type | 5 | |
130 | Tensor<[1,640]>, | prims::convert_element_type | 5 | |
131 | Tensor<[1,640,32,32]>, | prims::convert_element_type | 5 | |
132 | Tensor<[1,8,1024,80]>, | prims::convert_element_type | 5 | |
133 | Tensor<[1024,640]>, | prims::convert_element_type | 5 | |
134 | Tensor<[640,640]>, | prims::convert_element_type | 5 | |
135 | Tensor<[1,8,9,80]>, | prims::convert_element_type | 5 | |
136 | Tensor<[5120]>, | prims::convert_element_type | 5 | |
137 | Tensor<[640,5120]>, | prims::convert_element_type | 5 | |
138 | Tensor<[1024,5120]>, | prims::convert_element_type | 5 | |
139 | Tensor<[1024,2560]>, | prims::convert_element_type | 5 | |
140 | Tensor<[2560,640]>, | prims::convert_element_type | 5 | |
141 | Tensor<[1,640,16,16]>, | prims::convert_element_type | 5 | |
142 | Tensor<[1,1280,16,16]>, | prims::convert_element_type | 5 | |
143 | Tensor<[1,8,256,160]>, | prims::convert_element_type | 5 | |
144 | Tensor<[256,1280]>, | prims::convert_element_type | 5 | |
145 | Tensor<[1,8,9,160]>, | prims::convert_element_type | 5 | |
146 | Tensor<[10240]>, | prims::convert_element_type | 5 | |
147 | Tensor<[1280,10240]>, | prims::convert_element_type | 5 | |
148 | Tensor<[256,10240]>, | prims::convert_element_type | 5 | |
149 | Tensor<[256,5120]>, | prims::convert_element_type | 5 | |
150 | Tensor<[5120,1280]>, | prims::convert_element_type | 5 | |
151 | Tensor<[1,1280,8,8]>, | prims::convert_element_type | 5 | |
152 | Tensor<[1,8,64,160]>, | prims::convert_element_type | 5 | |
153 | Tensor<[64,1280]>, | prims::convert_element_type | 5 | |
154 | Tensor<[64,10240]>, | prims::convert_element_type | 5 | |
155 | Tensor<[64,5120]>, | prims::convert_element_type | 5 | |
156 | Tensor<[1,2560,8,8]>, | prims::convert_element_type | 5 | |
157 | Tensor<[16]>, | prims::convert_element_type | 4 | |
158 | Tensor<[1,2560,16,16]>, | prims::convert_element_type | 5 | |
159 | Tensor<[1,1920,16,16]>, | prims::convert_element_type | 5 | |
160 | Tensor<[1,1280,32,32]>, | prims::convert_element_type | 5 | |
161 | Tensor<[1,1920,32,32]>, | prims::convert_element_type | 5 | |
162 | Tensor<[1,960,32,32]>, | prims::convert_element_type | 5 | |
163 | Tensor<[1,640,64,64]>, | prims::convert_element_type | 5 | |
164 | Tensor<[1,960,64,64]>, | prims::convert_element_type | 5 | |
165 | Tensor<[1,1,25,25]>, | aten::add.Tensor | 4 | |
166 | Tensor<[1,25,768]>, | aten::embedding | 4 | |
167 | Tensor<[1,25,3072]>, | aten::gelu | 4 | |
168 | Tensor<[25,768]>, | prims::convert_element_type | 5 | |
169 | Tensor<[1,12,25,64]>, | prims::convert_element_type | 5 | |
170 | Tensor<[25,3072]>, | prims::convert_element_type | 5 | |
171 | Tensor<[2]>, | prims::convert_element_type | 5 | |
172 | Tensor<[768,2]>, | prims::convert_element_type | 5 | |
173 | Tensor<[25,2]>, | prims::convert_element_type | 5 | |
174 | Tensor<[1,768]>, | prims::convert_element_type | 5 | |
175 | Tensor<[768,1]>, | prims::convert_element_type | 5 | |
176 | Tensor<[192]>, | aten::add.Tensor | 4 | |
177 | Tensor<[1,1445,768]>, | aten::gelu | 4 | |
178 | Tensor<[1,1445,192]>, | aten::sub.Tensor | 4 | |
179 | Tensor<[1445,192]>, | prims::convert_element_type | 5 | |
180 | Tensor<[192,192]>, | prims::convert_element_type | 5 | |
181 | Tensor<[1,3,1445,64]>, | prims::convert_element_type | 5 | |
182 | Tensor<[192,768]>, | prims::convert_element_type | 5 | |
183 | Tensor<[1445,768]>, | prims::convert_element_type | 5 | |
184 | Tensor<[768,192]>, | prims::convert_element_type | 5 | |
185 | Tensor<[100,192]>, | prims::convert_element_type | 5 | |
186 | Tensor<[92]>, | prims::convert_element_type | 5 | |
187 | Tensor<[192,92]>, | prims::convert_element_type | 5 | |
188 | Tensor<[100,92]>, | prims::convert_element_type | 5 | |
189 | Tensor<[4]>, | prims::convert_element_type | 5 | |
190 | Tensor<[192,4]>, | prims::convert_element_type | 5 | |
191 | Tensor<[100,4]>, | prims::convert_element_type | 5 | |
192 | Tensor<[1,256,14,14]>, | aten::sub.Tensor | 4 | |
193 | Tensor<[1,512,7,7]>, | aten::sub.Tensor | 4 | |
194 | Tensor<[1,12,8,8]>, | aten::_softmax | 4 | |
195 | Tensor<[1,8,768]>, | aten::embedding | 4 | |
196 | Tensor<[1,3072,8]>, | aten::gelu | 4 | |
197 | Tensor<[1,1,1,8]>, | prims::convert_element_type | 4 | |
198 | Tensor<[3]>, | prims::convert_element_type | 5 | |
199 | Tensor<[768,3]>, | prims::convert_element_type | 5 | |
200 | Tensor<[1,3]>, | prims::convert_element_type | 5 | |
201 | Tensor<[1,8,256,2048]>, | aten::_softmax | 4 | |
202 | Tensor<[1,8,256,256]>, | aten::_softmax | 4 | |
203 | Tensor<[1,8,2048,256]>, | aten::_softmax | 4 | |
204 | Tensor<[1,2048,768]>, | aten::embedding | 4 | |
205 | Tensor<[2048,768]>, | aten::embedding | 4 | |
206 | Tensor<[1,1,1,2048]>, | prims::convert_element_type | 4 | |
207 | Tensor<[1280,256]>, | prims::convert_element_type | 5 | |
208 | Tensor<[768,256]>, | prims::convert_element_type | 5 | |
209 | Tensor<[768,1280]>, | prims::convert_element_type | 5 | |
210 | Tensor<[2048,1280]>, | prims::convert_element_type | 5 | |
211 | Tensor<[1280,768]>, | prims::convert_element_type | 5 | |
212 | Tensor<[1024,1,1]>, | aten::add.Tensor | 4 | |
213 | Tensor<[2048,1,1]>, | aten::add.Tensor | 4 | |
214 | Tensor<[1,256,56,56]>, | aten::sub.Tensor | 4 | |
215 | Tensor<[1,1024,14,14]>, | aten::sub.Tensor | 4 | |
216 | Tensor<[1,512,14,14]>, | aten::sub.Tensor | 4 | |
217 | Tensor<[1,2048,7,7]>, | aten::sub.Tensor | 4 | |
218 | Tensor<[1024]>, | prims::convert_element_type | 5 | |
219 | Tensor<[1,2048]>, | prims::convert_element_type | 5 | |
220 | Tensor<[2048,1000]>, | prims::convert_element_type | 5 | |
221 | Tensor<[1,12,201,201]>, | aten::_softmax | 4 | |
222 | Tensor<[1,193,768]>, | aten::embedding | 4 | |
223 | Tensor<[1,201,3072]>, | aten::gelu | 4 | |
224 | Tensor<[1,1536]>, | aten::gelu | 4 | |
225 | Tensor<[1536]>, | aten::mul.Tensor | 4 | |
226 | Tensor<[1,201,768]>, | aten::sub.Tensor | 4 | |
227 | Tensor<[1,1,384,512]>, | prims::convert_element_type | 4 | |
228 | Tensor<[12]>, | prims::convert_element_type | 4 | |
229 | Tensor<[1,1,12,16]>, | prims::convert_element_type | 4 | |
230 | Tensor<[1,1,1,201]>, | prims::convert_element_type | 4 | |
231 | Tensor<[201,768]>, | prims::convert_element_type | 5 | |
232 | Tensor<[201,3072]>, | prims::convert_element_type | 5 | |
233 | Tensor<[768,1536]>, | prims::convert_element_type | 5 | |
234 | Tensor<[3129]>, | prims::convert_element_type | 5 | |
235 | Tensor<[1536,3129]>, | prims::convert_element_type | 5 | |
236 | Tensor<[1,3129]>, | prims::convert_element_type | 5 | |
237 | Tensor<[1,9216]>, | prims::convert_element_type | 5 | |
238 | Tensor<[9216,128]>, | prims::convert_element_type | 5 | |
239 | Tensor<[1,128]>, | prims::convert_element_type | 5 | |
240 | Tensor<[10]>, | prims::convert_element_type | 5 | |
241 | Tensor<[128,10]>, | prims::convert_element_type | 5 | |
242 | Tensor<[16,19,19]>, | aten::_softmax | 4 | |
243 | Tensor<[1,19,1024]>, | aten::embedding | 4 | |
244 | Tensor<[19]>, | aten::floor_divide | 4 | |
245 | Tensor<[1,19,4096]>, | aten::gelu | 4 | |
246 | Tensor<[19,1024]>, | aten::index_select | 4 | |
247 | Tensor<[19,19]>, | prims::convert_element_type | 5 | |
248 | Tensor<[1,1,19,19]>, | prims::convert_element_type | 4 | |
249 | Tensor<[1024,1024]>, | prims::convert_element_type | 5 | |
250 | Tensor<[4096]>, | prims::convert_element_type | 5 | |
251 | Tensor<[1024,4096]>, | prims::convert_element_type | 5 | |
252 | Tensor<[19,4096]>, | prims::convert_element_type | 5 | |
253 | Tensor<[4096,1024]>, | prims::convert_element_type | 5 | |
254 | Tensor<[19,256008]>, | prims::convert_element_type | 5 | |
255 | Tensor<[14,1,1]>, | aten::add.Tensor | 4 | |
256 | Tensor<[24,1,1]>, | aten::add.Tensor | 4 | |
257 | Tensor<[40,1,1]>, | aten::add.Tensor | 4 | |
258 | Tensor<[68,1,1]>, | aten::add.Tensor | 4 | |
259 | Tensor<[16,1,1]>, | aten::add.Tensor | 4 | |
260 | Tensor<[28,1,1]>, | aten::add.Tensor | 4 | |
261 | Tensor<[46,1,1]>, | aten::add.Tensor | 4 | |
262 | Tensor<[78,1,1]>, | aten::add.Tensor | 4 | |
263 | Tensor<[134,1,1]>, | aten::add.Tensor | 4 | |
264 | Tensor<[20,1,1]>, | aten::add.Tensor | 4 | |
265 | Tensor<[34,1,1]>, | aten::add.Tensor | 4 | |
266 | Tensor<[58,1,1]>, | aten::add.Tensor | 4 | |
267 | Tensor<[98,1,1]>, | aten::add.Tensor | 4 | |
268 | Tensor<[168,1,1]>, | aten::add.Tensor | 4 | |
269 | Tensor<[320,1,1]>, | aten::add.Tensor | 4 | |
270 | Tensor<[116,1,1]>, | aten::add.Tensor | 4 | |
271 | Tensor<[196,1,1]>, | aten::add.Tensor | 4 | |
272 | Tensor<[334,1,1]>, | aten::add.Tensor | 4 | |
273 | Tensor<[640,1,1]>, | aten::add.Tensor | 4 | |
274 | Tensor<[160,1,1]>, | aten::add.Tensor | 4 | |
275 | Tensor<[272,1,1]>, | aten::add.Tensor | 4 | |
276 | Tensor<[462,1,1]>, | aten::add.Tensor | 4 | |
277 | Tensor<[1,14,56,56]>, | aten::sub.Tensor | 4 | |
278 | Tensor<[1,24,56,56]>, | aten::sub.Tensor | 4 | |
279 | Tensor<[1,40,56,56]>, | aten::sub.Tensor | 4 | |
280 | Tensor<[1,68,56,56]>, | aten::sub.Tensor | 4 | |
281 | Tensor<[1,16,28,28]>, | aten::sub.Tensor | 4 | |
282 | Tensor<[1,28,28,28]>, | aten::sub.Tensor | 4 | |
283 | Tensor<[1,46,28,28]>, | aten::sub.Tensor | 4 | |
284 | Tensor<[1,78,28,28]>, | aten::sub.Tensor | 4 | |
285 | Tensor<[1,134,28,28]>, | aten::sub.Tensor | 4 | |
286 | Tensor<[1,20,28,28]>, | aten::sub.Tensor | 4 | |
287 | Tensor<[1,34,28,28]>, | aten::sub.Tensor | 4 | |
288 | Tensor<[1,58,28,28]>, | aten::sub.Tensor | 4 | |
289 | Tensor<[1,98,28,28]>, | aten::sub.Tensor | 4 | |
290 | Tensor<[1,168,28,28]>, | aten::sub.Tensor | 4 | |
291 | Tensor<[1,320,28,28]>, | aten::sub.Tensor | 4 | |
292 | Tensor<[1,40,14,14]>, | aten::sub.Tensor | 4 | |
293 | Tensor<[1,68,14,14]>, | aten::sub.Tensor | 4 | |
294 | Tensor<[1,116,14,14]>, | aten::sub.Tensor | 4 | |
295 | Tensor<[1,196,14,14]>, | aten::sub.Tensor | 4 | |
296 | Tensor<[1,334,14,14]>, | aten::sub.Tensor | 4 | |
297 | Tensor<[1,640,14,14]>, | aten::sub.Tensor | 4 | |
298 | Tensor<[1,160,7,7]>, | aten::sub.Tensor | 4 | |
299 | Tensor<[1,272,7,7]>, | aten::sub.Tensor | 4 | |
300 | Tensor<[1,462,7,7]>, | aten::sub.Tensor | 4 | |
301 | Tensor<[1,1024,7,7]>, | aten::sub.Tensor | 4 | |
302 | Tensor<[14]>, | prims::convert_element_type | 5 | |
303 | Tensor<[24]>, | prims::convert_element_type | 5 | |
304 | Tensor<[68]>, | prims::convert_element_type | 5 | |
305 | Tensor<[28]>, | prims::convert_element_type | 5 | |
306 | Tensor<[46]>, | prims::convert_element_type | 5 | |
307 | Tensor<[78]>, | prims::convert_element_type | 5 | |
308 | Tensor<[134]>, | prims::convert_element_type | 5 | |
309 | Tensor<[20]>, | prims::convert_element_type | 5 | |
310 | Tensor<[34]>, | prims::convert_element_type | 5 | |
311 | Tensor<[58]>, | prims::convert_element_type | 5 | |
312 | Tensor<[98]>, | prims::convert_element_type | 5 | |
313 | Tensor<[168]>, | prims::convert_element_type | 5 | |
314 | Tensor<[116]>, | prims::convert_element_type | 5 | |
315 | Tensor<[196]>, | prims::convert_element_type | 5 | |
316 | Tensor<[334]>, | prims::convert_element_type | 5 | |
317 | Tensor<[160]>, | prims::convert_element_type | 5 | |
318 | Tensor<[272]>, | prims::convert_element_type | 5 | |
319 | Tensor<[462]>, | prims::convert_element_type | 5 | |
320 | Tensor<[1,1024]>, | prims::convert_element_type | 5 | |
321 | Tensor<[1024,1000]>, | prims::convert_element_type | 5 | |
322 | Tensor<[1,32,512,512]>, | aten::sub.Tensor | 4 | |
323 | Tensor<[1,64,256,256]>, | aten::sub.Tensor | 4 | |
324 | Tensor<[1,32,256,256]>, | aten::sub.Tensor | 4 | |
325 | Tensor<[1,128,128,128]>, | aten::sub.Tensor | 4 | |
326 | Tensor<[1,64,128,128]>, | aten::sub.Tensor | 4 | |
327 | Tensor<[1,256,64,64]>, | aten::sub.Tensor | 4 | |
328 | Tensor<[1,128,64,64]>, | aten::sub.Tensor | 4 | |
329 | Tensor<[1,512,32,32]>, | aten::sub.Tensor | 4 | |
330 | Tensor<[1,256,32,32]>, | aten::sub.Tensor | 4 | |
331 | Tensor<[1,1024,16,16]>, | aten::sub.Tensor | 4 | |
332 | Tensor<[1,512,16,16]>, | aten::sub.Tensor | 4 | |
333 | Tensor<[1,256,16,16]>, | aten::sub.Tensor | 4 | |
334 | Tensor<[1,128,32,32]>, | aten::sub.Tensor | 4 | |
335 | Tensor<[1,32,1536]>, | aten::embedding | 4 | |
336 | Tensor<[16,1,32]>, | prims::convert_element_type | 5 | |
337 | Tensor<[4608]>, | prims::convert_element_type | 5 | |
338 | Tensor<[32,1536]>, | prims::convert_element_type | 5 | |
339 | Tensor<[1536,4608]>, | prims::convert_element_type | 5 | |
340 | Tensor<[32,4608]>, | prims::convert_element_type | 5 | |
341 | Tensor<[1,16,32,32]>, | prims::convert_element_type | 5 | |
342 | Tensor<[1536,1536]>, | prims::convert_element_type | 5 | |
343 | Tensor<[6144]>, | prims::convert_element_type | 5 | |
344 | Tensor<[1536,6144]>, | prims::convert_element_type | 5 | |
345 | Tensor<[32,6144]>, | prims::convert_element_type | 5 | |
346 | Tensor<[6144,1536]>, | prims::convert_element_type | 5 | |
347 | Tensor<[1,1,16,16]>, | aten::add.Tensor | 4 | |
348 | Tensor<[1,16,768]>, | aten::embedding | 4 | |
349 | Tensor<[1,16,3072]>, | aten::gelu | 4 | |
350 | Tensor<[16,768]>, | prims::convert_element_type | 5 | |
351 | Tensor<[1,12,16,64]>, | prims::convert_element_type | 5 | |
352 | Tensor<[16,3072]>, | prims::convert_element_type | 5 | |
353 | Tensor<[1,64,224,224]>, | aten::sub.Tensor | 4 | |
354 | Tensor<[1,128,112,112]>, | aten::sub.Tensor | 4 | |
355 | Tensor<[1,1,19200,300]>, | aten::_softmax | 4 | |
356 | Tensor<[1,2,4800,300]>, | aten::_softmax | 4 | |
357 | Tensor<[1,5,1200,300]>, | aten::_softmax | 4 | |
358 | Tensor<[1,8,300,300]>, | aten::_softmax | 4 | |
359 | Tensor<[1,19200,256]>, | aten::gelu | 4 | |
360 | Tensor<[1,4800,512]>, | aten::gelu | 4 | |
361 | Tensor<[1,1200,1280]>, | aten::gelu | 4 | |
362 | Tensor<[1,300,2048]>, | aten::gelu | 4 | |
363 | Tensor<[1,19200,64]>, | aten::sub.Tensor | 4 | |
364 | Tensor<[1,300,64]>, | aten::sub.Tensor | 4 | |
365 | Tensor<[1,4800,128]>, | aten::sub.Tensor | 4 | |
366 | Tensor<[1,300,128]>, | aten::sub.Tensor | 4 | |
367 | Tensor<[1,1200,320]>, | aten::sub.Tensor | 4 | |
368 | Tensor<[1,300,320]>, | aten::sub.Tensor | 4 | |
369 | Tensor<[1,300,512]>, | aten::sub.Tensor | 4 | |
370 | Tensor<[30,1]>, | aten::sub.Tensor | 4 | |
371 | Tensor<[1,64,30,40]>, | aten::sub.Tensor | 4 | |
372 | Tensor<[1,32,30,40]>, | aten::sub.Tensor | 4 | |
373 | Tensor<[80]>, | aten::sub.Tensor | 4 | |
374 | Tensor<[60,1]>, | aten::sub.Tensor | 4 | |
375 | Tensor<[1,64,60,80]>, | aten::sub.Tensor | 4 | |
376 | Tensor<[1,32,60,80]>, | aten::sub.Tensor | 4 | |
377 | Tensor<[120,1]>, | aten::sub.Tensor | 4 | |
378 | Tensor<[1,64,120,160]>, | aten::sub.Tensor | 4 | |
379 | Tensor<[1,32,120,160]>, | aten::sub.Tensor | 4 | |
380 | Tensor<[240,1]>, | aten::sub.Tensor | 4 | |
381 | Tensor<[480,1]>, | aten::sub.Tensor | 4 | |
382 | Tensor<[19200,64]>, | prims::convert_element_type | 5 | |
383 | Tensor<[64,64]>, | prims::convert_element_type | 5 | |
384 | Tensor<[300,64]>, | prims::convert_element_type | 5 | |
385 | Tensor<[64,256]>, | prims::convert_element_type | 5 | |
386 | Tensor<[19200,256]>, | prims::convert_element_type | 5 | |
387 | Tensor<[4800,128]>, | prims::convert_element_type | 5 | |
388 | Tensor<[128,128]>, | prims::convert_element_type | 5 | |
389 | Tensor<[300,128]>, | prims::convert_element_type | 5 | |
390 | Tensor<[128,512]>, | prims::convert_element_type | 5 | |
391 | Tensor<[4800,512]>, | prims::convert_element_type | 5 | |
392 | Tensor<[1200,320]>, | prims::convert_element_type | 5 | |
393 | Tensor<[300,320]>, | prims::convert_element_type | 5 | |
394 | Tensor<[1200,1280]>, | prims::convert_element_type | 5 | |
395 | Tensor<[300,512]>, | prims::convert_element_type | 5 | |
396 | Tensor<[512,512]>, | prims::convert_element_type | 5 | |
397 | Tensor<[512,2048]>, | prims::convert_element_type | 5 | |
398 | Tensor<[300,2048]>, | prims::convert_element_type | 5 | |
399 | Tensor<[1,64,15,20]>, | prims::convert_element_type | 5 | |
400 | Tensor<[30]>, | prims::convert_element_type | 4 | |
401 | Tensor<[60]>, | prims::convert_element_type | 4 | |
402 | Tensor<[120]>, | prims::convert_element_type | 4 | |
403 | Tensor<[240]>, | prims::convert_element_type | 4 | |
404 | Tensor<[1,64,240,320]>, | prims::convert_element_type | 5 | |
405 | Tensor<[480]>, | prims::convert_element_type | 4 | |
406 | Tensor<[1,64,480,640]>, | prims::convert_element_type | 5 | |
407 | Tensor<[1,197,3072]>, | aten::gelu | 4 | |
408 | Tensor<[1,197,768]>, | aten::sub.Tensor | 4 | |
409 | Tensor<[1,3,224,224]>, | prims::convert_element_type | 5 | |
410 | Tensor<[197,768]>, | prims::convert_element_type | 5 | |
411 | Tensor<[1,12,197,64]>, | prims::convert_element_type | 5 | |
412 | Tensor<[197,3072]>, | prims::convert_element_type | 5 | |
413 | Tensor<[768,1000]>, | prims::convert_element_type | 5 | |
414 | Tensor<[1,1,16384,256]>, | aten::_softmax | 4 | |
415 | Tensor<[1,2,4096,256]>, | aten::_softmax | 4 | |
416 | Tensor<[1,5,1024,256]>, | aten::_softmax | 4 | |
417 | Tensor<[1,16384,128]>, | aten::gelu | 4 | |
418 | Tensor<[1,4096,256]>, | aten::gelu | 4 | |
419 | Tensor<[1,256,1024]>, | aten::gelu | 4 | |
420 | Tensor<[1,16384,32]>, | aten::sub.Tensor | 4 | |
421 | Tensor<[1,256,32]>, | aten::sub.Tensor | 4 | |
422 | Tensor<[1,4096,64]>, | aten::sub.Tensor | 4 | |
423 | Tensor<[1,256,64]>, | aten::sub.Tensor | 4 | |
424 | Tensor<[1,1024,160]>, | aten::sub.Tensor | 4 | |
425 | Tensor<[1,256,160]>, | aten::sub.Tensor | 4 | |
426 | Tensor<[128,1]>, | aten::sub.Tensor | 4 | |
427 | Tensor<[1,256,128,128]>, | aten::sub.Tensor | 4 | |
428 | Tensor<[16384,32]>, | prims::convert_element_type | 5 | |
429 | Tensor<[256,32]>, | prims::convert_element_type | 5 | |
430 | Tensor<[32,128]>, | prims::convert_element_type | 5 | |
431 | Tensor<[16384,128]>, | prims::convert_element_type | 5 | |
432 | Tensor<[4096,64]>, | prims::convert_element_type | 5 | |
433 | Tensor<[256,64]>, | prims::convert_element_type | 5 | |
434 | Tensor<[4096,256]>, | prims::convert_element_type | 5 | |
435 | Tensor<[1024,160]>, | prims::convert_element_type | 5 | |
436 | Tensor<[160,160]>, | prims::convert_element_type | 5 | |
437 | Tensor<[256,160]>, | prims::convert_element_type | 5 | |
438 | Tensor<[160,640]>, | prims::convert_element_type | 5 | |
439 | Tensor<[256,1024]>, | prims::convert_element_type | 5 | |
440 | Tensor<[1,1,1,7]>, | aten::add.Tensor | 4 | |
441 | Tensor<[4544]>, | aten::add.Tensor | 4 | |
442 | Tensor<[1,7,4544]>, | aten::embedding | 4 | |
443 | Tensor<[1,7,18176]>, | aten::gelu | 4 | |
444 | Tensor<[1,1,7]>, | prims::convert_element_type | 4 | |
445 | Tensor<[1,7,64]>, | prims::convert_element_type | 5 | |
446 | Tensor<[1,71,7,64]>, | prims::convert_element_type | 5 | |
447 | Tensor<[1,1,7,64]>, | prims::convert_element_type | 5 | |
448 | Tensor<[96,1,1]>, | aten::add.Tensor | 4 | |
449 | Tensor<[144,1,1]>, | aten::add.Tensor | 4 | |
450 | Tensor<[192,1,1]>, | aten::add.Tensor | 4 | |
451 | Tensor<[384,1,1]>, | aten::add.Tensor | 4 | |
452 | Tensor<[576,1,1]>, | aten::add.Tensor | 4 | |
453 | Tensor<[960,1,1]>, | aten::add.Tensor | 4 | |
454 | Tensor<[1280,1,1]>, | aten::add.Tensor | 4 | |
455 | Tensor<[1,16,112,112]>, | aten::sub.Tensor | 4 | |
456 | Tensor<[1,96,112,112]>, | aten::sub.Tensor | 4 | |
457 | Tensor<[1,96,56,56]>, | aten::sub.Tensor | 4 | |
458 | Tensor<[1,144,56,56]>, | aten::sub.Tensor | 4 | |
459 | Tensor<[1,144,28,28]>, | aten::sub.Tensor | 4 | |
460 | Tensor<[1,32,28,28]>, | aten::sub.Tensor | 4 | |
461 | Tensor<[1,192,28,28]>, | aten::sub.Tensor | 4 | |
462 | Tensor<[1,192,14,14]>, | aten::sub.Tensor | 4 | |
463 | Tensor<[1,64,14,14]>, | aten::sub.Tensor | 4 | |
464 | Tensor<[1,384,14,14]>, | aten::sub.Tensor | 4 | |
465 | Tensor<[1,96,14,14]>, | aten::sub.Tensor | 4 | |
466 | Tensor<[1,576,14,14]>, | aten::sub.Tensor | 4 | |
467 | Tensor<[1,576,7,7]>, | aten::sub.Tensor | 4 | |
468 | Tensor<[1,960,7,7]>, | aten::sub.Tensor | 4 | |
469 | Tensor<[1,320,7,7]>, | aten::sub.Tensor | 4 | |
470 | Tensor<[1,1280,7,7]>, | aten::sub.Tensor | 4 | |
471 | Tensor<[96]>, | prims::convert_element_type | 5 | |
472 | Tensor<[144]>, | prims::convert_element_type | 5 | |
473 | Tensor<[384]>, | prims::convert_element_type | 5 | |
474 | Tensor<[576]>, | prims::convert_element_type | 5 | |
475 | Tensor<[960]>, | prims::convert_element_type | 5 | |
476 | Tensor<[1280,1000]>, | prims::convert_element_type | 5 | |
477 | Tensor<[1,1,12,12]>, | aten::add.Tensor | 4 | |
478 | Tensor<[1,12,128]>, | aten::embedding | 4 | |
479 | Tensor<[1,12,768]>, | aten::sub.Tensor | 4 | |
480 | Tensor<[12,128]>, | prims::convert_element_type | 5 | |
481 | Tensor<[128,768]>, | prims::convert_element_type | 5 | |
482 | Tensor<[12,768]>, | prims::convert_element_type | 5 | |
483 | Tensor<[1,12,12,64]>, | prims::convert_element_type | 5 | |
484 | Tensor<[12,3072]>, | prims::convert_element_type | 5 | |
485 | Tensor<[12,2]>, | prims::convert_element_type | 5 | |
486 | Tensor<[1,1,9,9]>, | aten::add.Tensor | 4 | |
487 | Tensor<[1,9,128]>, | aten::embedding | 4 | |
488 | Tensor<[1,9,768]>, | aten::sub.Tensor | 4 | |
489 | Tensor<[9,128]>, | prims::convert_element_type | 5 | |
490 | Tensor<[9,768]>, | prims::convert_element_type | 5 | |
491 | Tensor<[1,12,9,64]>, | prims::convert_element_type | 5 | |
492 | Tensor<[9,3072]>, | prims::convert_element_type | 5 | |
493 | Tensor<[768,128]>, | prims::convert_element_type | 5 | |
494 | Tensor<[30000]>, | prims::convert_element_type | 5 | |
495 | Tensor<[128,30000]>, | prims::convert_element_type | 5 | |
496 | Tensor<[9,30000]>, | prims::convert_element_type | 5 | |
497 | Tensor<[1,9,2048]>, | aten::sub.Tensor | 4 | |
498 | Tensor<[128,2048]>, | prims::convert_element_type | 5 | |
499 | Tensor<[9,2048]>, | prims::convert_element_type | 5 | |
500 | Tensor<[2048,2048]>, | prims::convert_element_type | 5 | |
501 | Tensor<[1,16,9,128]>, | prims::convert_element_type | 5 | |
502 | Tensor<[8192]>, | prims::convert_element_type | 5 | |
503 | Tensor<[2048,8192]>, | prims::convert_element_type | 5 | |
504 | Tensor<[9,8192]>, | prims::convert_element_type | 5 | |
505 | Tensor<[8192,2048]>, | prims::convert_element_type | 5 | |
506 | Tensor<[2048,128]>, | prims::convert_element_type | 5 | |
507 | Tensor<[1,9,1024]>, | aten::sub.Tensor | 4 | |
508 | Tensor<[128,1024]>, | prims::convert_element_type | 5 | |
509 | Tensor<[9,1024]>, | prims::convert_element_type | 5 | |
510 | Tensor<[1,16,9,64]>, | prims::convert_element_type | 5 | |
511 | Tensor<[9,4096]>, | prims::convert_element_type | 5 | |
512 | Tensor<[1024,128]>, | prims::convert_element_type | 5 | |
513 | Tensor<[1,9,4096]>, | aten::sub.Tensor | 4 | |
514 | Tensor<[128,4096]>, | prims::convert_element_type | 5 | |
515 | Tensor<[4096,4096]>, | prims::convert_element_type | 5 | |
516 | Tensor<[1,64,9,64]>, | prims::convert_element_type | 5 | |
517 | Tensor<[16384]>, | prims::convert_element_type | 5 | |
518 | Tensor<[4096,16384]>, | prims::convert_element_type | 5 | |
519 | Tensor<[9,16384]>, | prims::convert_element_type | 5 | |
520 | Tensor<[16384,4096]>, | prims::convert_element_type | 5 | |
521 | Tensor<[4096,128]>, | prims::convert_element_type | 5 | |
522 | Tensor<[1,2]>, | prims::convert_element_type | 5 | |
523 | Tensor<[1,1,14,14]>, | aten::add.Tensor | 4 | |
524 | Tensor<[1,14,128]>, | aten::embedding | 4 | |
525 | Tensor<[1,14,768]>, | aten::sub.Tensor | 4 | |
526 | Tensor<[14,128]>, | prims::convert_element_type | 5 | |
527 | Tensor<[14,768]>, | prims::convert_element_type | 5 | |
528 | Tensor<[1,12,14,64]>, | prims::convert_element_type | 5 | |
529 | Tensor<[14,3072]>, | prims::convert_element_type | 5 | |
530 | Tensor<[14,2]>, | prims::convert_element_type | 5 | |
531 | Tensor<[2,1,7,7]>, | aten::add.Tensor | 4 | |
532 | Tensor<[1,50,768]>, | aten::embedding | 4 | |
533 | Tensor<[2,7,512]>, | aten::embedding | 4 | |
534 | Tensor<[1,7,512]>, | aten::embedding | 4 | |
535 | Tensor<[50,768]>, | prims::convert_element_type | 5 | |
536 | Tensor<[1,12,50,64]>, | prims::convert_element_type | 5 | |
537 | Tensor<[50,3072]>, | prims::convert_element_type | 5 | |
538 | Tensor<[14,512]>, | prims::convert_element_type | 5 | |
539 | Tensor<[2,8,7,64]>, | prims::convert_element_type | 5 | |
540 | Tensor<[14,2048]>, | prims::convert_element_type | 5 | |
541 | Tensor<[2048,512]>, | prims::convert_element_type | 5 | |
542 | Tensor<[2,7]>, | prims::convert_element_type | 4 | |
543 | Tensor<[1,16,197,197]>, | aten::_softmax | 4 | |
544 | Tensor<[197]>, | aten::floor_divide | 4 | |
545 | Tensor<[1,197,4096]>, | aten::gelu | 4 | |
546 | Tensor<[1,197,1024]>, | aten::sub.Tensor | 4 | |
547 | Tensor<[27]>, | aten::sub.Tensor | 4 | |
548 | Tensor<[27,1]>, | aten::sub.Tensor | 4 | |
549 | Tensor<[197,1024]>, | prims::convert_element_type | 5 | |
550 | Tensor<[1,16,27,27]>, | prims::convert_element_type | 5 | |
551 | Tensor<[197,4096]>, | prims::convert_element_type | 5 | |
552 | Tensor<[1,12,197,197]>, | aten::_softmax | 4 | |
553 | Tensor<[1,12,27,27]>, | prims::convert_element_type | 5 | |
554 | Tensor<[1,784]>, | prims::convert_element_type | 5 | |
555 | Tensor<[784,128]>, | prims::convert_element_type | 5 | |
556 | Tensor<[128,64]>, | prims::convert_element_type | 5 | |
557 | Tensor<[1,64]>, | prims::convert_element_type | 5 | |
558 | Tensor<[64,12]>, | prims::convert_element_type | 5 | |
559 | Tensor<[1,12]>, | prims::convert_element_type | 5 | |
560 | Tensor<[12,3]>, | prims::convert_element_type | 5 | |
561 | Tensor<[3,12]>, | prims::convert_element_type | 5 | |
562 | Tensor<[12,64]>, | prims::convert_element_type | 5 | |
563 | Tensor<[64,128]>, | prims::convert_element_type | 5 | |
564 | Tensor<[784]>, | prims::convert_element_type | 5 | |
565 | Tensor<[128,784]>, | prims::convert_element_type | 5 |
stablehlo.convolution::ttnn.conv2d
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,3,224,224]>, Tensor<[32,3,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
1 | Tensor<[1,32,112,112]>, Tensor<[32,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 32 | ttnn.conv2d | aten::convolution | 5 |
2 | Tensor<[1,32,112,112]>, Tensor<[64,32,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
3 | Tensor<[1,64,112,112]>, Tensor<[64,1,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 64 | ttnn.conv2d | aten::convolution | 5 |
4 | Tensor<[1,64,56,56]>, Tensor<[128,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
5 | Tensor<[1,128,56,56]>, Tensor<[128,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 128 | ttnn.conv2d | aten::convolution | 5 |
6 | Tensor<[1,128,56,56]>, Tensor<[128,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
7 | Tensor<[1,128,56,56]>, Tensor<[128,1,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 128 | ttnn.conv2d | aten::convolution | 5 |
8 | Tensor<[1,128,28,28]>, Tensor<[256,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
9 | Tensor<[1,256,28,28]>, Tensor<[256,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 256 | ttnn.conv2d | aten::convolution | 5 |
10 | Tensor<[1,256,28,28]>, Tensor<[256,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
11 | Tensor<[1,256,28,28]>, Tensor<[512,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
12 | Tensor<[1,512,28,28]>, Tensor<[512,1,3,3]>, stride: [1, 1] pad: [[2, 2], [2, 2]] rhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 512 | ttnn.conv2d | aten::convolution | 5 |
13 | Tensor<[1,512,28,28]>, Tensor<[512,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
14 | Tensor<[1,512,28,28]>, Tensor<[512,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 512 | ttnn.conv2d | aten::convolution | 5 |
15 | Tensor<[1,512,28,28]>, Tensor<[128,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
16 | Tensor<[1,128,28,28]>, Tensor<[128,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 128 | ttnn.conv2d | aten::convolution | 5 |
17 | Tensor<[1,128,28,28]>, Tensor<[128,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
18 | Tensor<[1,128,28,28]>, Tensor<[128,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
19 | Tensor<[1,128,28,28]>, Tensor<[512,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
20 | Tensor<[1,512,28,28]>, Tensor<[19,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
21 | Tensor<[1,512,28,28]>, Tensor<[38,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
22 | Tensor<[1,185,28,28]>, Tensor<[128,185,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
23 | Tensor<[1,128,28,28]>, Tensor<[128,128,3,3]>, stride: [1, 1] pad: [[2, 2], [2, 2]] rhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
24 | Tensor<[1,128,28,28]>, Tensor<[19,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
25 | Tensor<[1,128,28,28]>, Tensor<[38,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
26 | Tensor<[1,256,512]>, Tensor<[1024,256,1]>, stride: [1] pad: [[0, 0]] rhs_dilate: [1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
27 | Tensor<[1,1024,512]>, Tensor<[256,1024,1]>, stride: [1] pad: [[0, 0]] rhs_dilate: [1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
28 | Tensor<[1,3,720,1280]>, Tensor<[64,3,7,7]>, stride: [2, 2] pad: [[3, 3], [3, 3]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
29 | Tensor<[1,64,180,320]>, Tensor<[64,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
30 | Tensor<[1,64,180,320]>, Tensor<[64,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
31 | Tensor<[1,64,180,320]>, Tensor<[256,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
32 | Tensor<[1,256,180,320]>, Tensor<[64,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
33 | Tensor<[1,256,180,320]>, Tensor<[128,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
34 | Tensor<[1,128,180,320]>, Tensor<[128,128,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
35 | Tensor<[1,128,90,160]>, Tensor<[512,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
36 | Tensor<[1,256,180,320]>, Tensor<[512,256,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
37 | Tensor<[1,512,90,160]>, Tensor<[128,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
38 | Tensor<[1,128,90,160]>, Tensor<[128,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
39 | Tensor<[1,512,90,160]>, Tensor<[256,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
40 | Tensor<[1,256,90,160]>, Tensor<[256,256,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
41 | Tensor<[1,256,45,80]>, Tensor<[1024,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
42 | Tensor<[1,512,90,160]>, Tensor<[1024,512,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
43 | Tensor<[1,1024,45,80]>, Tensor<[256,1024,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
44 | Tensor<[1,256,45,80]>, Tensor<[256,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
45 | Tensor<[1,1024,45,80]>, Tensor<[512,1024,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
46 | Tensor<[1,512,45,80]>, Tensor<[512,512,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
47 | Tensor<[1,512,23,40]>, Tensor<[2048,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
48 | Tensor<[1,1024,45,80]>, Tensor<[2048,1024,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
49 | Tensor<[1,2048,23,40]>, Tensor<[512,2048,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
50 | Tensor<[1,512,23,40]>, Tensor<[512,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
51 | Tensor<[1,2048,23,40]>, Tensor<[256,2048,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
52 | Tensor<[1,4,64,64]>, Tensor<[320,4,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
53 | Tensor<[1,320,64,64]>, Tensor<[320,320,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
54 | Tensor<[1,320,64,64]>, Tensor<[320,320,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
55 | Tensor<[1,320,64,64]>, Tensor<[320,320,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
56 | Tensor<[1,320,32,32]>, Tensor<[640,320,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
57 | Tensor<[1,640,32,32]>, Tensor<[640,640,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
58 | Tensor<[1,320,32,32]>, Tensor<[640,320,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
59 | Tensor<[1,640,32,32]>, Tensor<[640,640,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
60 | Tensor<[1,640,32,32]>, Tensor<[640,640,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
61 | Tensor<[1,640,16,16]>, Tensor<[1280,640,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
62 | Tensor<[1,1280,16,16]>, Tensor<[1280,1280,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
63 | Tensor<[1,640,16,16]>, Tensor<[1280,640,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
64 | Tensor<[1,1280,16,16]>, Tensor<[1280,1280,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
65 | Tensor<[1,1280,16,16]>, Tensor<[1280,1280,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
66 | Tensor<[1,1280,8,8]>, Tensor<[1280,1280,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
67 | Tensor<[1,1280,8,8]>, Tensor<[1280,1280,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
68 | Tensor<[1,2560,8,8]>, Tensor<[1280,2560,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
69 | Tensor<[1,2560,8,8]>, Tensor<[1280,2560,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
70 | Tensor<[1,2560,16,16]>, Tensor<[1280,2560,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
71 | Tensor<[1,2560,16,16]>, Tensor<[1280,2560,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
72 | Tensor<[1,1920,16,16]>, Tensor<[1280,1920,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
73 | Tensor<[1,1920,16,16]>, Tensor<[1280,1920,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
74 | Tensor<[1,1280,32,32]>, Tensor<[1280,1280,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
75 | Tensor<[1,1920,32,32]>, Tensor<[640,1920,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
76 | Tensor<[1,1920,32,32]>, Tensor<[640,1920,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
77 | Tensor<[1,1280,32,32]>, Tensor<[640,1280,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
78 | Tensor<[1,1280,32,32]>, Tensor<[640,1280,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
79 | Tensor<[1,960,32,32]>, Tensor<[640,960,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
80 | Tensor<[1,960,32,32]>, Tensor<[640,960,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
81 | Tensor<[1,640,64,64]>, Tensor<[640,640,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
82 | Tensor<[1,960,64,64]>, Tensor<[320,960,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
83 | Tensor<[1,960,64,64]>, Tensor<[320,960,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
84 | Tensor<[1,640,64,64]>, Tensor<[320,640,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
85 | Tensor<[1,640,64,64]>, Tensor<[320,640,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
86 | Tensor<[1,320,64,64]>, Tensor<[4,320,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
87 | Tensor<[1,3,512,672]>, Tensor<[192,3,16,16]>, stride: [16, 16] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
88 | Tensor<[1,3,224,224]>, Tensor<[64,3,7,7]>, stride: [2, 2] pad: [[3, 3], [3, 3]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
89 | Tensor<[1,64,56,56]>, Tensor<[64,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
90 | Tensor<[1,64,56,56]>, Tensor<[128,64,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
91 | Tensor<[1,64,56,56]>, Tensor<[128,64,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
92 | Tensor<[1,128,28,28]>, Tensor<[256,128,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
93 | Tensor<[1,256,14,14]>, Tensor<[256,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
94 | Tensor<[1,128,28,28]>, Tensor<[256,128,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
95 | Tensor<[1,256,14,14]>, Tensor<[512,256,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
96 | Tensor<[1,512,7,7]>, Tensor<[512,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
97 | Tensor<[1,256,14,14]>, Tensor<[512,256,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
98 | Tensor<[1,768,8]>, Tensor<[768,192,1]>, stride: [1] pad: [[0, 0]] rhs_dilate: [1] batch_group_count: 1 feature_group_count: 4 | ttnn.conv2d | aten::convolution | 4 |
99 | Tensor<[1,768,8]>, Tensor<[768,768,1]>, stride: [1] pad: [[0, 0]] rhs_dilate: [1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
100 | Tensor<[1,768,8]>, Tensor<[3072,192,1]>, stride: [1] pad: [[0, 0]] rhs_dilate: [1] batch_group_count: 1 feature_group_count: 4 | ttnn.conv2d | aten::convolution | 4 |
101 | Tensor<[1,3072,8]>, Tensor<[768,768,1]>, stride: [1] pad: [[0, 0]] rhs_dilate: [1] batch_group_count: 1 feature_group_count: 4 | ttnn.conv2d | aten::convolution | 4 |
102 | Tensor<[1,64,56,56]>, Tensor<[64,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
103 | Tensor<[1,64,56,56]>, Tensor<[256,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
104 | Tensor<[1,256,56,56]>, Tensor<[64,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
105 | Tensor<[1,256,56,56]>, Tensor<[128,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
106 | Tensor<[1,128,56,56]>, Tensor<[128,128,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
107 | Tensor<[1,256,56,56]>, Tensor<[512,256,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
108 | Tensor<[1,512,28,28]>, Tensor<[256,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
109 | Tensor<[1,256,28,28]>, Tensor<[256,256,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
110 | Tensor<[1,256,14,14]>, Tensor<[1024,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
111 | Tensor<[1,512,28,28]>, Tensor<[1024,512,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
112 | Tensor<[1,1024,14,14]>, Tensor<[256,1024,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
113 | Tensor<[1,1024,14,14]>, Tensor<[512,1024,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
114 | Tensor<[1,512,14,14]>, Tensor<[512,512,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
115 | Tensor<[1,512,7,7]>, Tensor<[2048,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
116 | Tensor<[1,1024,14,14]>, Tensor<[2048,1024,1,1]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
117 | Tensor<[1,2048,7,7]>, Tensor<[512,2048,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
118 | Tensor<[1,3,384,512]>, Tensor<[768,3,32,32]>, stride: [32, 32] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
119 | Tensor<[1,1,28,28]>, Tensor<[32,1,3,3]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
120 | Tensor<[1,32,26,26]>, Tensor<[64,32,3,3]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
121 | Tensor<[1,32,112,112]>, Tensor<[64,32,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
122 | Tensor<[1,64,56,56]>, Tensor<[14,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
123 | Tensor<[1,78,56,56]>, Tensor<[24,78,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
124 | Tensor<[1,24,56,56]>, Tensor<[14,24,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
125 | Tensor<[1,102,56,56]>, Tensor<[40,102,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
126 | Tensor<[1,40,56,56]>, Tensor<[14,40,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
127 | Tensor<[1,54,56,56]>, Tensor<[24,54,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
128 | Tensor<[1,142,56,56]>, Tensor<[68,142,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
129 | Tensor<[1,124,56,56]>, Tensor<[128,124,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
130 | Tensor<[1,128,28,28]>, Tensor<[16,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
131 | Tensor<[1,144,28,28]>, Tensor<[28,144,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
132 | Tensor<[1,28,28,28]>, Tensor<[16,28,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
133 | Tensor<[1,172,28,28]>, Tensor<[46,172,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
134 | Tensor<[1,46,28,28]>, Tensor<[16,46,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
135 | Tensor<[1,62,28,28]>, Tensor<[28,62,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
136 | Tensor<[1,218,28,28]>, Tensor<[78,218,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
137 | Tensor<[1,78,28,28]>, Tensor<[16,78,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
138 | Tensor<[1,94,28,28]>, Tensor<[28,94,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
139 | Tensor<[1,122,28,28]>, Tensor<[46,122,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
140 | Tensor<[1,296,28,28]>, Tensor<[134,296,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
141 | Tensor<[1,262,28,28]>, Tensor<[256,262,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
142 | Tensor<[1,256,28,28]>, Tensor<[20,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
143 | Tensor<[1,276,28,28]>, Tensor<[34,276,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
144 | Tensor<[1,34,28,28]>, Tensor<[20,34,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
145 | Tensor<[1,310,28,28]>, Tensor<[58,310,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
146 | Tensor<[1,58,28,28]>, Tensor<[20,58,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
147 | Tensor<[1,78,28,28]>, Tensor<[34,78,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
148 | Tensor<[1,368,28,28]>, Tensor<[98,368,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
149 | Tensor<[1,98,28,28]>, Tensor<[20,98,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
150 | Tensor<[1,118,28,28]>, Tensor<[34,118,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
151 | Tensor<[1,152,28,28]>, Tensor<[58,152,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
152 | Tensor<[1,466,28,28]>, Tensor<[168,466,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
153 | Tensor<[1,328,28,28]>, Tensor<[320,328,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
154 | Tensor<[1,320,14,14]>, Tensor<[40,320,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
155 | Tensor<[1,360,14,14]>, Tensor<[68,360,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
156 | Tensor<[1,68,14,14]>, Tensor<[40,68,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
157 | Tensor<[1,428,14,14]>, Tensor<[116,428,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
158 | Tensor<[1,116,14,14]>, Tensor<[40,116,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
159 | Tensor<[1,156,14,14]>, Tensor<[68,156,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
160 | Tensor<[1,544,14,14]>, Tensor<[196,544,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
161 | Tensor<[1,196,14,14]>, Tensor<[40,196,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
162 | Tensor<[1,236,14,14]>, Tensor<[68,236,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
163 | Tensor<[1,304,14,14]>, Tensor<[116,304,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
164 | Tensor<[1,740,14,14]>, Tensor<[334,740,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
165 | Tensor<[1,654,14,14]>, Tensor<[640,654,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
166 | Tensor<[1,640,7,7]>, Tensor<[160,640,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
167 | Tensor<[1,800,7,7]>, Tensor<[272,800,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
168 | Tensor<[1,272,7,7]>, Tensor<[160,272,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
169 | Tensor<[1,1072,7,7]>, Tensor<[462,1072,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
170 | Tensor<[1,782,7,7]>, Tensor<[1024,782,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
171 | Tensor<[1,3,512,512]>, Tensor<[32,3,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
172 | Tensor<[1,32,512,512]>, Tensor<[64,32,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
173 | Tensor<[1,64,256,256]>, Tensor<[32,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
174 | Tensor<[1,32,256,256]>, Tensor<[64,32,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
175 | Tensor<[1,64,256,256]>, Tensor<[128,64,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
176 | Tensor<[1,128,128,128]>, Tensor<[64,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
177 | Tensor<[1,64,128,128]>, Tensor<[128,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
178 | Tensor<[1,128,128,128]>, Tensor<[256,128,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
179 | Tensor<[1,256,64,64]>, Tensor<[128,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
180 | Tensor<[1,128,64,64]>, Tensor<[256,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
181 | Tensor<[1,256,64,64]>, Tensor<[512,256,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
182 | Tensor<[1,512,32,32]>, Tensor<[256,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
183 | Tensor<[1,256,32,32]>, Tensor<[512,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
184 | Tensor<[1,512,32,32]>, Tensor<[1024,512,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
185 | Tensor<[1,1024,16,16]>, Tensor<[512,1024,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
186 | Tensor<[1,512,16,16]>, Tensor<[1024,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
187 | Tensor<[1,1024,16,16]>, Tensor<[255,1024,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
188 | Tensor<[1,512,16,16]>, Tensor<[256,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
189 | Tensor<[1,768,32,32]>, Tensor<[256,768,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
190 | Tensor<[1,512,32,32]>, Tensor<[255,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
191 | Tensor<[1,256,32,32]>, Tensor<[128,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
192 | Tensor<[1,384,64,64]>, Tensor<[128,384,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
193 | Tensor<[1,256,64,64]>, Tensor<[255,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
194 | Tensor<[1,3,256,256]>, Tensor<[32,3,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
195 | Tensor<[1,32,256,256]>, Tensor<[32,32,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
196 | Tensor<[1,32,128,128]>, Tensor<[64,32,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
197 | Tensor<[1,64,128,128]>, Tensor<[64,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
198 | Tensor<[1,64,64,64]>, Tensor<[128,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
199 | Tensor<[1,128,64,64]>, Tensor<[128,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
200 | Tensor<[1,128,32,32]>, Tensor<[256,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
201 | Tensor<[1,256,32,32]>, Tensor<[256,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
202 | Tensor<[1,256,16,16]>, Tensor<[512,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
203 | Tensor<[1,512,16,16]>, Tensor<[512,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
204 | Tensor<[1,512,16,16]>, Tensor<[2,2,256,512]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
205 | Tensor<[1,512,32,32]>, Tensor<[256,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
206 | Tensor<[1,256,32,32]>, Tensor<[2,2,128,256]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
207 | Tensor<[1,256,64,64]>, Tensor<[128,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
208 | Tensor<[1,128,64,64]>, Tensor<[2,2,64,128]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
209 | Tensor<[1,128,128,128]>, Tensor<[64,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
210 | Tensor<[1,64,128,128]>, Tensor<[2,2,32,64]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
211 | Tensor<[1,64,256,256]>, Tensor<[32,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
212 | Tensor<[1,32,256,256]>, Tensor<[1,32,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
213 | Tensor<[1,1,28,28]>, Tensor<[16,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
214 | Tensor<[1,16,14,14]>, Tensor<[4,16,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
215 | Tensor<[1,4,7,7]>, Tensor<[2,2,16,4]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
216 | Tensor<[1,16,14,14]>, Tensor<[2,2,1,16]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
217 | Tensor<[1,3,224,224]>, Tensor<[64,3,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
218 | Tensor<[1,64,224,224]>, Tensor<[64,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
219 | Tensor<[1,64,112,112]>, Tensor<[128,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
220 | Tensor<[1,128,112,112]>, Tensor<[128,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
221 | Tensor<[1,128,56,56]>, Tensor<[256,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
222 | Tensor<[1,256,56,56]>, Tensor<[256,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
223 | Tensor<[1,256,28,28]>, Tensor<[512,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
224 | Tensor<[1,512,28,28]>, Tensor<[512,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
225 | Tensor<[1,512,14,14]>, Tensor<[1024,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
226 | Tensor<[1,1024,14,14]>, Tensor<[1024,1024,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
227 | Tensor<[1,1024,14,14]>, Tensor<[2,2,512,1024]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
228 | Tensor<[1,1024,28,28]>, Tensor<[512,1024,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
229 | Tensor<[1,512,28,28]>, Tensor<[2,2,256,512]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
230 | Tensor<[1,512,56,56]>, Tensor<[256,512,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
231 | Tensor<[1,256,56,56]>, Tensor<[2,2,128,256]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
232 | Tensor<[1,256,112,112]>, Tensor<[128,256,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
233 | Tensor<[1,128,112,112]>, Tensor<[2,2,64,128]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] lhs_dilate: [2, 2] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
234 | Tensor<[1,128,224,224]>, Tensor<[64,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
235 | Tensor<[1,64,224,224]>, Tensor<[1,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
236 | Tensor<[1,3,480,640]>, Tensor<[64,3,7,7]>, stride: [4, 4] pad: [[3, 3], [3, 3]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
237 | Tensor<[1,64,120,160]>, Tensor<[64,64,8,8]>, stride: [8, 8] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
238 | Tensor<[1,256,120,160]>, Tensor<[256,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 256 | ttnn.conv2d | aten::convolution | 4 |
239 | Tensor<[1,64,120,160]>, Tensor<[128,64,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
240 | Tensor<[1,128,60,80]>, Tensor<[128,128,4,4]>, stride: [4, 4] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
241 | Tensor<[1,512,60,80]>, Tensor<[512,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 512 | ttnn.conv2d | aten::convolution | 4 |
242 | Tensor<[1,128,60,80]>, Tensor<[320,128,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
243 | Tensor<[1,320,30,40]>, Tensor<[320,320,2,2]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
244 | Tensor<[1,1280,30,40]>, Tensor<[1280,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1280 | ttnn.conv2d | aten::convolution | 4 |
245 | Tensor<[1,320,30,40]>, Tensor<[512,320,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
246 | Tensor<[1,2048,15,20]>, Tensor<[2048,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 2048 | ttnn.conv2d | aten::convolution | 4 |
247 | Tensor<[1,512,15,20]>, Tensor<[64,512,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
248 | Tensor<[1,320,30,40]>, Tensor<[64,320,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
249 | Tensor<[1,128,30,40]>, Tensor<[64,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
250 | Tensor<[1,64,30,40]>, Tensor<[32,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
251 | Tensor<[1,32,30,40]>, Tensor<[2,32,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
252 | Tensor<[1,128,60,80]>, Tensor<[64,128,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
253 | Tensor<[1,128,60,80]>, Tensor<[64,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
254 | Tensor<[1,64,60,80]>, Tensor<[32,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
255 | Tensor<[1,32,60,80]>, Tensor<[2,32,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
256 | Tensor<[1,128,120,160]>, Tensor<[64,128,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
257 | Tensor<[1,64,120,160]>, Tensor<[32,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
258 | Tensor<[1,32,120,160]>, Tensor<[2,32,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
259 | Tensor<[1,64,480,640]>, Tensor<[64,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
260 | Tensor<[1,64,480,640]>, Tensor<[1,64,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
261 | Tensor<[1,3,224,224]>, Tensor<[768,3,16,16]>, stride: [16, 16] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
262 | Tensor<[1,3,512,512]>, Tensor<[32,3,7,7]>, stride: [4, 4] pad: [[3, 3], [3, 3]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
263 | Tensor<[1,32,128,128]>, Tensor<[32,32,8,8]>, stride: [8, 8] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
264 | Tensor<[1,128,128,128]>, Tensor<[128,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 128 | ttnn.conv2d | aten::convolution | 4 |
265 | Tensor<[1,32,128,128]>, Tensor<[64,32,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
266 | Tensor<[1,64,64,64]>, Tensor<[64,64,4,4]>, stride: [4, 4] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
267 | Tensor<[1,256,64,64]>, Tensor<[256,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 256 | ttnn.conv2d | aten::convolution | 4 |
268 | Tensor<[1,64,64,64]>, Tensor<[160,64,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
269 | Tensor<[1,160,32,32]>, Tensor<[160,160,2,2]>, stride: [2, 2] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
270 | Tensor<[1,640,32,32]>, Tensor<[640,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 640 | ttnn.conv2d | aten::convolution | 4 |
271 | Tensor<[1,160,32,32]>, Tensor<[256,160,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
272 | Tensor<[1,1024,16,16]>, Tensor<[1024,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1024 | ttnn.conv2d | aten::convolution | 4 |
273 | Tensor<[1,1024,128,128]>, Tensor<[256,1024,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
274 | Tensor<[1,256,128,128]>, Tensor<[150,256,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
275 | Tensor<[1,32,112,112]>, Tensor<[16,32,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
276 | Tensor<[1,16,112,112]>, Tensor<[96,16,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
277 | Tensor<[1,96,112,112]>, Tensor<[96,1,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 96 | ttnn.conv2d | aten::convolution | 5 |
278 | Tensor<[1,96,56,56]>, Tensor<[24,96,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
279 | Tensor<[1,24,56,56]>, Tensor<[144,24,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
280 | Tensor<[1,144,56,56]>, Tensor<[144,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 144 | ttnn.conv2d | aten::convolution | 5 |
281 | Tensor<[1,144,56,56]>, Tensor<[24,144,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
282 | Tensor<[1,144,56,56]>, Tensor<[144,1,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 144 | ttnn.conv2d | aten::convolution | 5 |
283 | Tensor<[1,144,28,28]>, Tensor<[32,144,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
284 | Tensor<[1,32,28,28]>, Tensor<[192,32,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
285 | Tensor<[1,192,28,28]>, Tensor<[192,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 192 | ttnn.conv2d | aten::convolution | 5 |
286 | Tensor<[1,192,28,28]>, Tensor<[32,192,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
287 | Tensor<[1,192,28,28]>, Tensor<[192,1,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 192 | ttnn.conv2d | aten::convolution | 5 |
288 | Tensor<[1,192,14,14]>, Tensor<[64,192,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
289 | Tensor<[1,64,14,14]>, Tensor<[384,64,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
290 | Tensor<[1,384,14,14]>, Tensor<[384,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 384 | ttnn.conv2d | aten::convolution | 5 |
291 | Tensor<[1,384,14,14]>, Tensor<[64,384,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
292 | Tensor<[1,384,14,14]>, Tensor<[96,384,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
293 | Tensor<[1,96,14,14]>, Tensor<[576,96,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
294 | Tensor<[1,576,14,14]>, Tensor<[576,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 576 | ttnn.conv2d | aten::convolution | 5 |
295 | Tensor<[1,576,14,14]>, Tensor<[96,576,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
296 | Tensor<[1,576,14,14]>, Tensor<[576,1,3,3]>, stride: [2, 2] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 576 | ttnn.conv2d | aten::convolution | 5 |
297 | Tensor<[1,576,7,7]>, Tensor<[160,576,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
298 | Tensor<[1,160,7,7]>, Tensor<[960,160,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
299 | Tensor<[1,960,7,7]>, Tensor<[960,1,3,3]>, stride: [1, 1] pad: [[1, 1], [1, 1]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 960 | ttnn.conv2d | aten::convolution | 5 |
300 | Tensor<[1,960,7,7]>, Tensor<[160,960,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
301 | Tensor<[1,960,7,7]>, Tensor<[320,960,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
302 | Tensor<[1,320,7,7]>, Tensor<[1280,320,1,1]>, stride: [1, 1] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
303 | Tensor<[1,3,224,224]>, Tensor<[768,3,32,32]>, stride: [32, 32] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 5 |
304 | Tensor<[1,3,224,224]>, Tensor<[1024,3,16,16]>, stride: [16, 16] pad: [[0, 0], [0, 0]] rhs_dilate: [1, 1] batch_group_count: 1 feature_group_count: 1 | ttnn.conv2d | aten::convolution | 4 |
stablehlo.cosine::ttnn.cos
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,128]>, | ttnn.cos | aten::cos | 4 |
1 | Tensor<[1,23,40,64]>, | ttnn.cos | aten::cos | 4 |
2 | Tensor<[1,160]>, | ttnn.cos | aten::cos | 4 |
3 | Tensor<[1,7,64]>, | ttnn.cos | aten::cos | 4 |
stablehlo.divide::ttnn.div
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, Tensor<[1,32,32,32]>, | ttnn.div | aten::_safe_softmax | 4 |
1 | Scalar, Scalar, | ttnn.div | aten::arange | 4 |
2 | Tensor<[1,32,1]>, Tensor<[1,32,1]>, | ttnn.div | aten::mean.dim | 4 |
3 | Tensor<[1,12,7,7]>, Tensor<[1,12,7,7]>, | ttnn.div | aten::_safe_softmax | 4 |
4 | Tensor<[32]>, Tensor<[32]>, | ttnn.div | aten::reciprocal | 5 |
5 | Tensor<[64]>, Tensor<[64]>, | ttnn.div | aten::reciprocal | 5 |
6 | Tensor<[128]>, Tensor<[128]>, | ttnn.div | aten::reciprocal | 5 |
7 | Tensor<[256]>, Tensor<[256]>, | ttnn.div | aten::reciprocal | 5 |
8 | Tensor<[512]>, Tensor<[512]>, | ttnn.div | aten::reciprocal | 5 |
9 | Tensor<[1,1024,512]>, Tensor<[1,1024,512]>, | ttnn.div | aten::gelu | 4 |
10 | Tensor<[1,256,256]>, Tensor<[1,256,256]>, | ttnn.div | aten::gelu | 4 |
11 | Tensor<[1,512]>, Tensor<[1,512]>, | ttnn.div | aten::mean.dim | 4 |
12 | Tensor<[8,920,920]>, Tensor<[8,920,920]>, | ttnn.div | aten::_softmax | 4 |
13 | Tensor<[8,100,100]>, Tensor<[8,100,100]>, | ttnn.div | aten::_softmax | 4 |
14 | Tensor<[8,100,920]>, Tensor<[8,100,920]>, | ttnn.div | aten::_softmax | 4 |
15 | Tensor<[1,23,40]>, Tensor<[1,23,40]>, | ttnn.div | aten::div.Tensor | 4 |
16 | Tensor<[1,23,40,128]>, Tensor<[1,23,40,128]>, | ttnn.div | aten::div.Tensor | 4 |
17 | Tensor<[1,12,10,10]>, Tensor<[1,12,10,10]>, | ttnn.div | aten::_safe_softmax | 4 |
18 | Tensor<[1,10,3072]>, Tensor<[1,10,3072]>, | ttnn.div | aten::gelu | 4 |
19 | Tensor<[1,10,768]>, Tensor<[1,10,768]>, | ttnn.div | aten::gelu | 4 |
20 | Tensor<[1,8,4096,4096]>, Tensor<[1,8,4096,4096]>, | ttnn.div | aten::_safe_softmax | 4 |
21 | Tensor<[1,8,4096,9]>, Tensor<[1,8,4096,9]>, | ttnn.div | aten::_safe_softmax | 4 |
22 | Tensor<[1,8,1024,1024]>, Tensor<[1,8,1024,1024]>, | ttnn.div | aten::_safe_softmax | 4 |
23 | Tensor<[1,8,1024,9]>, Tensor<[1,8,1024,9]>, | ttnn.div | aten::_safe_softmax | 4 |
24 | Tensor<[1,8,256,256]>, Tensor<[1,8,256,256]>, | ttnn.div | aten::_safe_softmax | 4 |
25 | Tensor<[1,8,256,9]>, Tensor<[1,8,256,9]>, | ttnn.div | aten::_safe_softmax | 4 |
26 | Tensor<[1,8,64,64]>, Tensor<[1,8,64,64]>, | ttnn.div | aten::_safe_softmax | 4 |
27 | Tensor<[1,8,64,9]>, Tensor<[1,8,64,9]>, | ttnn.div | aten::_safe_softmax | 4 |
28 | Tensor<[160]>, Tensor<[160]>, | ttnn.div | aten::div.Tensor | 4 |
29 | Tensor<[1,320,64,64]>, Tensor<[1,320,64,64]>, | ttnn.div | aten::div.Tensor | 4 |
30 | Tensor<[1,4096,320]>, Tensor<[1,4096,320]>, | ttnn.div | aten::div.Tensor | 4 |
31 | Tensor<[1,640,32,32]>, Tensor<[1,640,32,32]>, | ttnn.div | aten::div.Tensor | 4 |
32 | Tensor<[1,1024,640]>, Tensor<[1,1024,640]>, | ttnn.div | aten::div.Tensor | 4 |
33 | Tensor<[1,1280,16,16]>, Tensor<[1,1280,16,16]>, | ttnn.div | aten::div.Tensor | 4 |
34 | Tensor<[1,256,1280]>, Tensor<[1,256,1280]>, | ttnn.div | aten::div.Tensor | 4 |
35 | Tensor<[1,1280,8,8]>, Tensor<[1,1280,8,8]>, | ttnn.div | aten::div.Tensor | 4 |
36 | Tensor<[1,64,1280]>, Tensor<[1,64,1280]>, | ttnn.div | aten::div.Tensor | 4 |
37 | Tensor<[1,4096,1280]>, Tensor<[1,4096,1280]>, | ttnn.div | aten::gelu | 4 |
38 | Tensor<[1,1024,2560]>, Tensor<[1,1024,2560]>, | ttnn.div | aten::gelu | 4 |
39 | Tensor<[1,256,5120]>, Tensor<[1,256,5120]>, | ttnn.div | aten::gelu | 4 |
40 | Tensor<[1,64,5120]>, Tensor<[1,64,5120]>, | ttnn.div | aten::gelu | 4 |
41 | Tensor<[1,12,25,25]>, Tensor<[1,12,25,25]>, | ttnn.div | aten::_safe_softmax | 4 |
42 | Tensor<[1,25,3072]>, Tensor<[1,25,3072]>, | ttnn.div | aten::gelu | 4 |
43 | Tensor<[1,3,1445,1445]>, Tensor<[1,3,1445,1445]>, | ttnn.div | aten::_safe_softmax | 4 |
44 | Tensor<[1,1445,768]>, Tensor<[1,1445,768]>, | ttnn.div | aten::gelu | 4 |
45 | Tensor<[1,512,1,1]>, Tensor<[1,512,1,1]>, | ttnn.div | aten::mean.dim | 4 |
46 | Tensor<[1,12,8,8]>, Tensor<[1,12,8,8]>, | ttnn.div | aten::_softmax | 4 |
47 | Tensor<[1,3072,8]>, Tensor<[1,3072,8]>, | ttnn.div | aten::gelu | 4 |
48 | Tensor<[1,8,256,2048]>, Tensor<[1,8,256,2048]>, | ttnn.div | aten::_softmax | 4 |
49 | Tensor<[1,8,2048,256]>, Tensor<[1,8,2048,256]>, | ttnn.div | aten::_softmax | 4 |
50 | Tensor<[1,2048,768]>, Tensor<[1,2048,768]>, | ttnn.div | aten::gelu | 4 |
51 | Tensor<[1,2048,1,1]>, Tensor<[1,2048,1,1]>, | ttnn.div | aten::mean.dim | 4 |
52 | Tensor<[1024]>, Tensor<[1024]>, | ttnn.div | aten::reciprocal | 5 |
53 | Tensor<[2048]>, Tensor<[2048]>, | ttnn.div | aten::reciprocal | 5 |
54 | Tensor<[1,12,201,201]>, Tensor<[1,12,201,201]>, | ttnn.div | aten::_softmax | 4 |
55 | Tensor<[1,201,3072]>, Tensor<[1,201,3072]>, | ttnn.div | aten::gelu | 4 |
56 | Tensor<[1,1536]>, Tensor<[1,1536]>, | ttnn.div | aten::gelu | 4 |
57 | Tensor<[16,19,19]>, Tensor<[16,19,19]>, | ttnn.div | aten::_softmax | 4 |
58 | Tensor<[19]>, Tensor<[19]>, | ttnn.div | aten::floor_divide | 4 |
59 | Tensor<[1,19,4096]>, Tensor<[1,19,4096]>, | ttnn.div | aten::gelu | 4 |
60 | Tensor<[1,1024,1,1]>, Tensor<[1,1024,1,1]>, | ttnn.div | aten::mean.dim | 4 |
61 | Tensor<[14]>, Tensor<[14]>, | ttnn.div | aten::reciprocal | 5 |
62 | Tensor<[24]>, Tensor<[24]>, | ttnn.div | aten::reciprocal | 5 |
63 | Tensor<[40]>, Tensor<[40]>, | ttnn.div | aten::reciprocal | 5 |
64 | Tensor<[68]>, Tensor<[68]>, | ttnn.div | aten::reciprocal | 5 |
65 | Tensor<[16]>, Tensor<[16]>, | ttnn.div | aten::reciprocal | 5 |
66 | Tensor<[28]>, Tensor<[28]>, | ttnn.div | aten::reciprocal | 5 |
67 | Tensor<[46]>, Tensor<[46]>, | ttnn.div | aten::reciprocal | 5 |
68 | Tensor<[78]>, Tensor<[78]>, | ttnn.div | aten::reciprocal | 5 |
69 | Tensor<[134]>, Tensor<[134]>, | ttnn.div | aten::reciprocal | 5 |
70 | Tensor<[20]>, Tensor<[20]>, | ttnn.div | aten::reciprocal | 5 |
71 | Tensor<[34]>, Tensor<[34]>, | ttnn.div | aten::reciprocal | 5 |
72 | Tensor<[58]>, Tensor<[58]>, | ttnn.div | aten::reciprocal | 5 |
73 | Tensor<[98]>, Tensor<[98]>, | ttnn.div | aten::reciprocal | 5 |
74 | Tensor<[168]>, Tensor<[168]>, | ttnn.div | aten::reciprocal | 5 |
75 | Tensor<[320]>, Tensor<[320]>, | ttnn.div | aten::reciprocal | 5 |
76 | Tensor<[116]>, Tensor<[116]>, | ttnn.div | aten::reciprocal | 5 |
77 | Tensor<[196]>, Tensor<[196]>, | ttnn.div | aten::reciprocal | 5 |
78 | Tensor<[334]>, Tensor<[334]>, | ttnn.div | aten::reciprocal | 5 |
79 | Tensor<[640]>, Tensor<[640]>, | ttnn.div | aten::reciprocal | 5 |
80 | Tensor<[272]>, Tensor<[272]>, | ttnn.div | aten::reciprocal | 5 |
81 | Tensor<[462]>, Tensor<[462]>, | ttnn.div | aten::reciprocal | 5 |
82 | Tensor<[1,16,32,32]>, Tensor<[1,16,32,32]>, | ttnn.div | aten::_softmax | 4 |
83 | Tensor<[1,12,16,16]>, Tensor<[1,12,16,16]>, | ttnn.div | aten::_safe_softmax | 4 |
84 | Tensor<[1,16,3072]>, Tensor<[1,16,3072]>, | ttnn.div | aten::gelu | 4 |
85 | Tensor<[1,1,19200,300]>, Tensor<[1,1,19200,300]>, | ttnn.div | aten::_softmax | 4 |
86 | Tensor<[1,2,4800,300]>, Tensor<[1,2,4800,300]>, | ttnn.div | aten::_softmax | 4 |
87 | Tensor<[1,5,1200,300]>, Tensor<[1,5,1200,300]>, | ttnn.div | aten::_softmax | 4 |
88 | Tensor<[1,8,300,300]>, Tensor<[1,8,300,300]>, | ttnn.div | aten::_softmax | 4 |
89 | Tensor<[1,19200,256]>, Tensor<[1,19200,256]>, | ttnn.div | aten::gelu | 4 |
90 | Tensor<[1,4800,512]>, Tensor<[1,4800,512]>, | ttnn.div | aten::gelu | 4 |
91 | Tensor<[1,1200,1280]>, Tensor<[1,1200,1280]>, | ttnn.div | aten::gelu | 4 |
92 | Tensor<[1,300,2048]>, Tensor<[1,300,2048]>, | ttnn.div | aten::gelu | 4 |
93 | Tensor<[1,12,197,197]>, Tensor<[1,12,197,197]>, | ttnn.div | aten::_safe_softmax | 4 |
94 | Tensor<[1,197,3072]>, Tensor<[1,197,3072]>, | ttnn.div | aten::gelu | 4 |
95 | Tensor<[1,1,16384,256]>, Tensor<[1,1,16384,256]>, | ttnn.div | aten::_softmax | 4 |
96 | Tensor<[1,2,4096,256]>, Tensor<[1,2,4096,256]>, | ttnn.div | aten::_softmax | 4 |
97 | Tensor<[1,5,1024,256]>, Tensor<[1,5,1024,256]>, | ttnn.div | aten::_softmax | 4 |
98 | Tensor<[1,16384,128]>, Tensor<[1,16384,128]>, | ttnn.div | aten::gelu | 4 |
99 | Tensor<[1,4096,256]>, Tensor<[1,4096,256]>, | ttnn.div | aten::gelu | 4 |
100 | Tensor<[1,256,1024]>, Tensor<[1,256,1024]>, | ttnn.div | aten::gelu | 4 |
101 | Tensor<[1,71,7,7]>, Tensor<[1,71,7,7]>, | ttnn.div | aten::_safe_softmax | 4 |
102 | Tensor<[1,7,18176]>, Tensor<[1,7,18176]>, | ttnn.div | aten::gelu | 4 |
103 | Tensor<[1,1280,1,1]>, Tensor<[1,1280,1,1]>, | ttnn.div | aten::mean.dim | 4 |
104 | Tensor<[96]>, Tensor<[96]>, | ttnn.div | aten::reciprocal | 5 |
105 | Tensor<[144]>, Tensor<[144]>, | ttnn.div | aten::reciprocal | 5 |
106 | Tensor<[192]>, Tensor<[192]>, | ttnn.div | aten::reciprocal | 5 |
107 | Tensor<[384]>, Tensor<[384]>, | ttnn.div | aten::reciprocal | 5 |
108 | Tensor<[576]>, Tensor<[576]>, | ttnn.div | aten::reciprocal | 5 |
109 | Tensor<[960]>, Tensor<[960]>, | ttnn.div | aten::reciprocal | 5 |
110 | Tensor<[1280]>, Tensor<[1280]>, | ttnn.div | aten::reciprocal | 5 |
111 | Tensor<[1,12,12,12]>, Tensor<[1,12,12,12]>, | ttnn.div | aten::_safe_softmax | 4 |
112 | Tensor<[1,12,9,9]>, Tensor<[1,12,9,9]>, | ttnn.div | aten::_safe_softmax | 4 |
113 | Tensor<[1,16,9,9]>, Tensor<[1,16,9,9]>, | ttnn.div | aten::_safe_softmax | 4 |
114 | Tensor<[1,64,9,9]>, Tensor<[1,64,9,9]>, | ttnn.div | aten::_safe_softmax | 4 |
115 | Tensor<[1,12,14,14]>, Tensor<[1,12,14,14]>, | ttnn.div | aten::_safe_softmax | 4 |
116 | Tensor<[1,12,50,50]>, Tensor<[1,12,50,50]>, | ttnn.div | aten::_safe_softmax | 4 |
117 | Tensor<[2,8,7,7]>, Tensor<[2,8,7,7]>, | ttnn.div | aten::_safe_softmax | 4 |
118 | Tensor<[2,512]>, Tensor<[2,512]>, | ttnn.div | aten::div.Tensor | 4 |
119 | Tensor<[1,16,197,197]>, Tensor<[1,16,197,197]>, | ttnn.div | aten::_softmax | 4 |
120 | Tensor<[197]>, Tensor<[197]>, | ttnn.div | aten::floor_divide | 4 |
121 | Tensor<[1,197,4096]>, Tensor<[1,197,4096]>, | ttnn.div | aten::gelu | 4 |
122 | Tensor<[1,1024]>, Tensor<[1,1024]>, | ttnn.div | aten::mean.dim | 4 |
123 | Tensor<[1,768]>, Tensor<[1,768]>, | ttnn.div | aten::mean.dim | 4 |
stablehlo.dot_general::ttnn.matmul
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,64,1]>, Tensor<[1,1,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
1 | Tensor<[32,32,128]>, Tensor<[32,128,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
2 | Tensor<[32,32,32]>, Tensor<[32,32,128]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
3 | Tensor<[32,4096]>, Tensor<[4096,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
4 | Tensor<[32,4096]>, Tensor<[4096,11008]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
5 | Tensor<[32,11008]>, Tensor<[11008,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
6 | Tensor<[32,4096]>, Tensor<[4096,32000]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
7 | Tensor<[12,7,64]>, Tensor<[12,64,7]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
8 | Tensor<[12,7,7]>, Tensor<[12,7,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
9 | Tensor<[7,768]>, Tensor<[768,2304]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
10 | Tensor<[7,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
11 | Tensor<[7,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
12 | Tensor<[7,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
13 | Tensor<[7,768]>, Tensor<[768,2]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
14 | Tensor<[256,768]>, Tensor<[768,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
15 | Tensor<[256,512]>, Tensor<[512,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
16 | Tensor<[256,256]>, Tensor<[256,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
17 | Tensor<[1,512]>, Tensor<[512,1000]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
18 | Tensor<[8,920,32]>, Tensor<[8,32,920]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::baddbmm | 4 |
19 | Tensor<[8,100,32]>, Tensor<[8,32,920]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::baddbmm | 4 |
20 | Tensor<[920,1,256]>, Tensor<[920,256,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
21 | Tensor<[8,920,920]>, Tensor<[8,920,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
22 | Tensor<[8,100,32]>, Tensor<[8,32,100]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
23 | Tensor<[8,100,100]>, Tensor<[8,100,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
24 | Tensor<[8,100,920]>, Tensor<[8,920,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
25 | Tensor<[6,100,256]>, Tensor<[6,256,92]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
26 | Tensor<[6,100,256]>, Tensor<[6,256,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
27 | Tensor<[920,256]>, Tensor<[256,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
28 | Tensor<[920,256]>, Tensor<[256,2048]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
29 | Tensor<[920,2048]>, Tensor<[2048,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
30 | Tensor<[100,256]>, Tensor<[256,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
31 | Tensor<[100,256]>, Tensor<[256,2048]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
32 | Tensor<[100,2048]>, Tensor<[2048,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
33 | Tensor<[600,256]>, Tensor<[256,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
34 | Tensor<[600,256]>, Tensor<[256,4]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
35 | Tensor<[12,10,64]>, Tensor<[12,64,10]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
36 | Tensor<[12,10,10]>, Tensor<[12,10,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
37 | Tensor<[10,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
38 | Tensor<[10,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
39 | Tensor<[10,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
40 | Tensor<[10,768]>, Tensor<[768,250002]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
41 | Tensor<[8,4096,40]>, Tensor<[8,40,4096]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
42 | Tensor<[8,4096,4096]>, Tensor<[8,4096,40]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
43 | Tensor<[8,4096,40]>, Tensor<[8,40,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
44 | Tensor<[8,4096,9]>, Tensor<[8,9,40]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
45 | Tensor<[8,1024,80]>, Tensor<[8,80,1024]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
46 | Tensor<[8,1024,1024]>, Tensor<[8,1024,80]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
47 | Tensor<[8,1024,80]>, Tensor<[8,80,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
48 | Tensor<[8,1024,9]>, Tensor<[8,9,80]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
49 | Tensor<[8,256,160]>, Tensor<[8,160,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
50 | Tensor<[8,256,256]>, Tensor<[8,256,160]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
51 | Tensor<[8,256,160]>, Tensor<[8,160,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
52 | Tensor<[8,256,9]>, Tensor<[8,9,160]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
53 | Tensor<[8,64,160]>, Tensor<[8,160,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
54 | Tensor<[8,64,64]>, Tensor<[8,64,160]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
55 | Tensor<[8,64,160]>, Tensor<[8,160,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
56 | Tensor<[8,64,9]>, Tensor<[8,9,160]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
57 | Tensor<[1,320]>, Tensor<[320,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
58 | Tensor<[1,1280]>, Tensor<[1280,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
59 | Tensor<[1,1280]>, Tensor<[1280,320]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
60 | Tensor<[4096,320]>, Tensor<[320,320]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
61 | Tensor<[9,768]>, Tensor<[768,320]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
62 | Tensor<[4096,320]>, Tensor<[320,2560]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
63 | Tensor<[4096,1280]>, Tensor<[1280,320]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
64 | Tensor<[1,1280]>, Tensor<[1280,640]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
65 | Tensor<[1024,640]>, Tensor<[640,640]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
66 | Tensor<[9,768]>, Tensor<[768,640]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
67 | Tensor<[1024,640]>, Tensor<[640,5120]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
68 | Tensor<[1024,2560]>, Tensor<[2560,640]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
69 | Tensor<[256,1280]>, Tensor<[1280,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
70 | Tensor<[9,768]>, Tensor<[768,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
71 | Tensor<[256,1280]>, Tensor<[1280,10240]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
72 | Tensor<[256,5120]>, Tensor<[5120,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
73 | Tensor<[64,1280]>, Tensor<[1280,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
74 | Tensor<[64,1280]>, Tensor<[1280,10240]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
75 | Tensor<[64,5120]>, Tensor<[5120,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
76 | Tensor<[12,25,64]>, Tensor<[12,64,25]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
77 | Tensor<[12,25,25]>, Tensor<[12,25,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
78 | Tensor<[25,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
79 | Tensor<[25,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
80 | Tensor<[25,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
81 | Tensor<[25,768]>, Tensor<[768,2]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
82 | Tensor<[1,768]>, Tensor<[768,1]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
83 | Tensor<[3,1445,64]>, Tensor<[3,64,1445]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
84 | Tensor<[3,1445,1445]>, Tensor<[3,1445,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
85 | Tensor<[1445,192]>, Tensor<[192,192]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
86 | Tensor<[1445,192]>, Tensor<[192,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
87 | Tensor<[1445,768]>, Tensor<[768,192]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
88 | Tensor<[100,192]>, Tensor<[192,192]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
89 | Tensor<[100,192]>, Tensor<[192,92]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
90 | Tensor<[100,192]>, Tensor<[192,4]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
91 | Tensor<[12,8,64]>, Tensor<[12,64,8]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
92 | Tensor<[12,8,8]>, Tensor<[12,8,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
93 | Tensor<[1,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
94 | Tensor<[1,768]>, Tensor<[768,3]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
95 | Tensor<[8,256,32]>, Tensor<[8,32,2048]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
96 | Tensor<[8,256,2048]>, Tensor<[8,2048,160]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
97 | Tensor<[8,256,32]>, Tensor<[8,32,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
98 | Tensor<[8,2048,32]>, Tensor<[8,32,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
99 | Tensor<[8,2048,256]>, Tensor<[8,256,96]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
100 | Tensor<[256,1280]>, Tensor<[1280,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
101 | Tensor<[2048,768]>, Tensor<[768,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
102 | Tensor<[2048,768]>, Tensor<[768,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
103 | Tensor<[256,1280]>, Tensor<[1280,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
104 | Tensor<[2048,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
105 | Tensor<[2048,768]>, Tensor<[768,262]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
106 | Tensor<[1,2048]>, Tensor<[2048,1000]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
107 | Tensor<[12,201,64]>, Tensor<[12,64,201]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
108 | Tensor<[12,201,201]>, Tensor<[12,201,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
109 | Tensor<[201,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
110 | Tensor<[201,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
111 | Tensor<[201,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
112 | Tensor<[1,768]>, Tensor<[768,1536]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
113 | Tensor<[1,1536]>, Tensor<[1536,3129]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
114 | Tensor<[1,9216]>, Tensor<[9216,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
115 | Tensor<[1,128]>, Tensor<[128,10]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
116 | Tensor<[16,19,64]>, Tensor<[16,64,19]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
117 | Tensor<[16,19,19]>, Tensor<[16,19,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
118 | Tensor<[19,1024]>, Tensor<[1024,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
119 | Tensor<[19,1024]>, Tensor<[1024,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
120 | Tensor<[19,4096]>, Tensor<[4096,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
121 | Tensor<[19,1024]>, Tensor<[1024,256008]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
122 | Tensor<[1,1024]>, Tensor<[1024,1000]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
123 | Tensor<[16,32,96]>, Tensor<[16,96,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::baddbmm | 4 |
124 | Tensor<[16,32,32]>, Tensor<[16,32,96]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
125 | Tensor<[32,1536]>, Tensor<[1536,4608]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
126 | Tensor<[32,1536]>, Tensor<[1536,1536]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
127 | Tensor<[32,1536]>, Tensor<[1536,6144]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
128 | Tensor<[32,6144]>, Tensor<[6144,1536]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
129 | Tensor<[32,1536]>, Tensor<[1536,250880]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
130 | Tensor<[12,16,64]>, Tensor<[12,64,16]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
131 | Tensor<[12,16,16]>, Tensor<[12,16,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
132 | Tensor<[16,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
133 | Tensor<[16,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
134 | Tensor<[16,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
135 | Tensor<[1,19200,64]>, Tensor<[1,64,300]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
136 | Tensor<[1,19200,300]>, Tensor<[1,300,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
137 | Tensor<[1,19200,256]>, Tensor<[1,256,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
138 | Tensor<[2,4800,64]>, Tensor<[2,64,300]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
139 | Tensor<[2,4800,300]>, Tensor<[2,300,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
140 | Tensor<[1,4800,512]>, Tensor<[1,512,128]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
141 | Tensor<[5,1200,64]>, Tensor<[5,64,300]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
142 | Tensor<[5,1200,300]>, Tensor<[5,300,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
143 | Tensor<[1,1200,1280]>, Tensor<[1,1280,320]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
144 | Tensor<[8,300,64]>, Tensor<[8,64,300]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
145 | Tensor<[8,300,300]>, Tensor<[8,300,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
146 | Tensor<[1,300,2048]>, Tensor<[1,2048,512]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
147 | Tensor<[19200,64]>, Tensor<[64,64]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
148 | Tensor<[300,64]>, Tensor<[64,64]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
149 | Tensor<[19200,64]>, Tensor<[64,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
150 | Tensor<[4800,128]>, Tensor<[128,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
151 | Tensor<[300,128]>, Tensor<[128,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
152 | Tensor<[4800,128]>, Tensor<[128,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
153 | Tensor<[1200,320]>, Tensor<[320,320]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
154 | Tensor<[300,320]>, Tensor<[320,320]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
155 | Tensor<[1200,320]>, Tensor<[320,1280]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
156 | Tensor<[300,512]>, Tensor<[512,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
157 | Tensor<[300,512]>, Tensor<[512,2048]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
158 | Tensor<[12,197,64]>, Tensor<[12,64,197]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
159 | Tensor<[12,197,197]>, Tensor<[12,197,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
160 | Tensor<[197,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
161 | Tensor<[197,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
162 | Tensor<[197,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
163 | Tensor<[1,768]>, Tensor<[768,1000]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
164 | Tensor<[1,16384,32]>, Tensor<[1,32,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
165 | Tensor<[1,16384,256]>, Tensor<[1,256,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
166 | Tensor<[1,16384,128]>, Tensor<[1,128,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
167 | Tensor<[2,4096,32]>, Tensor<[2,32,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
168 | Tensor<[2,4096,256]>, Tensor<[2,256,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
169 | Tensor<[1,4096,256]>, Tensor<[1,256,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
170 | Tensor<[5,1024,32]>, Tensor<[5,32,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
171 | Tensor<[5,1024,256]>, Tensor<[5,256,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
172 | Tensor<[1,1024,640]>, Tensor<[1,640,160]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
173 | Tensor<[8,256,256]>, Tensor<[8,256,32]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
174 | Tensor<[1,256,1024]>, Tensor<[1,1024,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
175 | Tensor<[1,4096,64]>, Tensor<[1,64,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
176 | Tensor<[1,1024,160]>, Tensor<[1,160,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
177 | Tensor<[1,256,256]>, Tensor<[1,256,256]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
178 | Tensor<[16384,32]>, Tensor<[32,32]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
179 | Tensor<[256,32]>, Tensor<[32,32]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
180 | Tensor<[16384,32]>, Tensor<[32,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
181 | Tensor<[4096,64]>, Tensor<[64,64]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
182 | Tensor<[256,64]>, Tensor<[64,64]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
183 | Tensor<[4096,64]>, Tensor<[64,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
184 | Tensor<[1024,160]>, Tensor<[160,160]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
185 | Tensor<[256,160]>, Tensor<[160,160]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
186 | Tensor<[1024,160]>, Tensor<[160,640]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
187 | Tensor<[256,256]>, Tensor<[256,256]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
188 | Tensor<[256,256]>, Tensor<[256,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
189 | Tensor<[1,32,1]>, Tensor<[1,1,7]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
190 | Tensor<[71,7,64]>, Tensor<[71,64,7]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
191 | Tensor<[71,7,7]>, Tensor<[71,7,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
192 | Tensor<[7,4544]>, Tensor<[4544,4672]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
193 | Tensor<[7,4544]>, Tensor<[4544,4544]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
194 | Tensor<[7,4544]>, Tensor<[4544,18176]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
195 | Tensor<[7,18176]>, Tensor<[18176,4544]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
196 | Tensor<[7,4544]>, Tensor<[4544,65024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
197 | Tensor<[1,1280]>, Tensor<[1280,1000]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
198 | Tensor<[12,12,64]>, Tensor<[12,64,12]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
199 | Tensor<[12,12,12]>, Tensor<[12,12,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
200 | Tensor<[12,128]>, Tensor<[128,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
201 | Tensor<[12,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
202 | Tensor<[12,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
203 | Tensor<[12,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
204 | Tensor<[12,768]>, Tensor<[768,2]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
205 | Tensor<[12,9,64]>, Tensor<[12,64,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
206 | Tensor<[12,9,9]>, Tensor<[12,9,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
207 | Tensor<[9,128]>, Tensor<[128,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
208 | Tensor<[9,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
209 | Tensor<[9,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
210 | Tensor<[9,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
211 | Tensor<[9,768]>, Tensor<[768,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
212 | Tensor<[9,128]>, Tensor<[128,30000]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
213 | Tensor<[16,9,128]>, Tensor<[16,128,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
214 | Tensor<[16,9,9]>, Tensor<[16,9,128]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
215 | Tensor<[9,128]>, Tensor<[128,2048]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
216 | Tensor<[9,2048]>, Tensor<[2048,2048]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
217 | Tensor<[9,2048]>, Tensor<[2048,8192]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
218 | Tensor<[9,8192]>, Tensor<[8192,2048]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
219 | Tensor<[9,2048]>, Tensor<[2048,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
220 | Tensor<[16,9,64]>, Tensor<[16,64,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
221 | Tensor<[16,9,9]>, Tensor<[16,9,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
222 | Tensor<[9,128]>, Tensor<[128,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
223 | Tensor<[9,1024]>, Tensor<[1024,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
224 | Tensor<[9,1024]>, Tensor<[1024,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
225 | Tensor<[9,4096]>, Tensor<[4096,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
226 | Tensor<[9,1024]>, Tensor<[1024,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
227 | Tensor<[64,9,64]>, Tensor<[64,64,9]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
228 | Tensor<[64,9,9]>, Tensor<[64,9,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
229 | Tensor<[9,128]>, Tensor<[128,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
230 | Tensor<[9,4096]>, Tensor<[4096,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
231 | Tensor<[9,4096]>, Tensor<[4096,16384]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
232 | Tensor<[9,16384]>, Tensor<[16384,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
233 | Tensor<[9,4096]>, Tensor<[4096,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
234 | Tensor<[1,768]>, Tensor<[768,2]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
235 | Tensor<[12,14,64]>, Tensor<[12,64,14]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
236 | Tensor<[12,14,14]>, Tensor<[12,14,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
237 | Tensor<[14,128]>, Tensor<[128,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
238 | Tensor<[14,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
239 | Tensor<[14,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
240 | Tensor<[14,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
241 | Tensor<[14,768]>, Tensor<[768,2]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
242 | Tensor<[12,50,64]>, Tensor<[12,64,50]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
243 | Tensor<[12,50,50]>, Tensor<[12,50,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
244 | Tensor<[16,7,64]>, Tensor<[16,64,7]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
245 | Tensor<[16,7,7]>, Tensor<[16,7,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
246 | Tensor<[50,768]>, Tensor<[768,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
247 | Tensor<[50,768]>, Tensor<[768,3072]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
248 | Tensor<[50,3072]>, Tensor<[3072,768]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
249 | Tensor<[14,512]>, Tensor<[512,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
250 | Tensor<[14,512]>, Tensor<[512,2048]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
251 | Tensor<[14,2048]>, Tensor<[2048,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
252 | Tensor<[1,768]>, Tensor<[768,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
253 | Tensor<[2,512]>, Tensor<[512,512]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
254 | Tensor<[2,512]>, Tensor<[512,1]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
255 | Tensor<[16,197,64]>, Tensor<[16,64,197]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
256 | Tensor<[16,197,197]>, Tensor<[16,197,64]>, batching_dims: [0] x [0] contracting_dims: [2] x [1] | ttnn.matmul | aten::bmm | 4 |
257 | Tensor<[197,1024]>, Tensor<[1024,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
258 | Tensor<[197,1024]>, Tensor<[1024,4096]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
259 | Tensor<[197,4096]>, Tensor<[4096,1024]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
260 | Tensor<[1,784]>, Tensor<[784,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
261 | Tensor<[1,128]>, Tensor<[128,64]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
262 | Tensor<[1,64]>, Tensor<[64,12]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
263 | Tensor<[1,12]>, Tensor<[12,3]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
264 | Tensor<[1,3]>, Tensor<[3,12]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
265 | Tensor<[1,12]>, Tensor<[12,64]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
266 | Tensor<[1,64]>, Tensor<[64,128]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
267 | Tensor<[1,128]>, Tensor<[128,784]>, contracting_dims: [1] x [0] | ttnn.matmul | aten::mm | 5 |
stablehlo.dynamic_iota::ttnn.arange
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1]>, dim: 0 | ttnn.arange | aten::arange | 4 |
stablehlo.exponential::ttnn.exp
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, | ttnn.exp | aten::_safe_softmax | 4 |
1 | Tensor<[1,12,7,7]>, | ttnn.exp | aten::_safe_softmax | 4 |
2 | Tensor<[1,128,28,28]>, | ttnn.exp | aten::elu | 4 |
3 | Tensor<[8,920,920]>, | ttnn.exp | aten::_softmax | 4 |
4 | Tensor<[8,100,100]>, | ttnn.exp | aten::_softmax | 4 |
5 | Tensor<[8,100,920]>, | ttnn.exp | aten::_softmax | 4 |
6 | Tensor<[1,12,10,10]>, | ttnn.exp | aten::_safe_softmax | 4 |
7 | Tensor<[1,8,4096,4096]>, | ttnn.exp | aten::_safe_softmax | 4 |
8 | Tensor<[1,8,4096,9]>, | ttnn.exp | aten::_safe_softmax | 4 |
9 | Tensor<[1,8,1024,1024]>, | ttnn.exp | aten::_safe_softmax | 4 |
10 | Tensor<[1,8,1024,9]>, | ttnn.exp | aten::_safe_softmax | 4 |
11 | Tensor<[1,8,256,256]>, | ttnn.exp | aten::_safe_softmax | 4 |
12 | Tensor<[1,8,256,9]>, | ttnn.exp | aten::_safe_softmax | 4 |
13 | Tensor<[1,8,64,64]>, | ttnn.exp | aten::_safe_softmax | 4 |
14 | Tensor<[1,8,64,9]>, | ttnn.exp | aten::_safe_softmax | 4 |
15 | Tensor<[160]>, | ttnn.exp | aten::exp | 5 |
16 | Tensor<[1,12,25,25]>, | ttnn.exp | aten::_safe_softmax | 4 |
17 | Tensor<[1,3,1445,1445]>, | ttnn.exp | aten::_safe_softmax | 4 |
18 | Tensor<[1,12,8,8]>, | ttnn.exp | aten::_softmax | 4 |
19 | Tensor<[1,8,256,2048]>, | ttnn.exp | aten::_softmax | 4 |
20 | Tensor<[1,8,2048,256]>, | ttnn.exp | aten::_softmax | 4 |
21 | Tensor<[1,12,201,201]>, | ttnn.exp | aten::_softmax | 4 |
22 | Tensor<[1,10]>, | ttnn.exp | aten::exp | 5 |
23 | Tensor<[16,19,19]>, | ttnn.exp | aten::_softmax | 4 |
24 | Tensor<[19,256008]>, | ttnn.exp | aten::exp | 5 |
25 | Tensor<[1,16,32,32]>, | ttnn.exp | aten::_softmax | 4 |
26 | Tensor<[1,12,16,16]>, | ttnn.exp | aten::_safe_softmax | 4 |
27 | Tensor<[1,1,19200,300]>, | ttnn.exp | aten::_softmax | 4 |
28 | Tensor<[1,2,4800,300]>, | ttnn.exp | aten::_softmax | 4 |
29 | Tensor<[1,5,1200,300]>, | ttnn.exp | aten::_softmax | 4 |
30 | Tensor<[1,8,300,300]>, | ttnn.exp | aten::_softmax | 4 |
31 | Tensor<[1,12,197,197]>, | ttnn.exp | aten::_safe_softmax | 4 |
32 | Tensor<[1,1,16384,256]>, | ttnn.exp | aten::_softmax | 4 |
33 | Tensor<[1,2,4096,256]>, | ttnn.exp | aten::_softmax | 4 |
34 | Tensor<[1,5,1024,256]>, | ttnn.exp | aten::_softmax | 4 |
35 | Tensor<[1,71,7,7]>, | ttnn.exp | aten::_safe_softmax | 4 |
36 | Tensor<[1,12,12,12]>, | ttnn.exp | aten::_safe_softmax | 4 |
37 | Tensor<[1,12,9,9]>, | ttnn.exp | aten::_safe_softmax | 4 |
38 | Tensor<[1,16,9,9]>, | ttnn.exp | aten::_safe_softmax | 4 |
39 | Tensor<[1,64,9,9]>, | ttnn.exp | aten::_safe_softmax | 4 |
40 | Tensor<[1,12,14,14]>, | ttnn.exp | aten::_safe_softmax | 4 |
41 | Tensor<[1,12,50,50]>, | ttnn.exp | aten::_safe_softmax | 4 |
42 | Tensor<[2,8,7,7]>, | ttnn.exp | aten::_safe_softmax | 4 |
43 | Scalar, | ttnn.exp | aten::exp | 5 |
44 | Tensor<[1,16,197,197]>, | ttnn.exp | aten::_softmax | 4 |
stablehlo.floor::ttnn.floor
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[128]>, | ttnn.floor | aten::floor_divide | 4 |
1 | Tensor<[19]>, | ttnn.floor | aten::floor_divide | 4 |
2 | Tensor<[197]>, | ttnn.floor | aten::floor_divide | 4 |
stablehlo.gather::ttnn.embedding
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[32000,4096]>, Tensor<[1,32]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
1 | Tensor<[50257,768]>, Tensor<[1,7]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
2 | Tensor<[1024,768]>, Tensor<[1,7]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
3 | Tensor<[1,7,2]>, Tensor<[1,2]>, offset_dims: [1] collapsed_slice_dims: [0, 1] start_index_map: [0, 1] index_vector_dim: 1 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
4 | Tensor<[1,1,720,1280]>, Tensor<[1,1,23,40,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
5 | Tensor<[250002,768]>, Tensor<[1,10]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
6 | Tensor<[1,768]>, Tensor<[1,10]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
7 | Tensor<[514,768]>, Tensor<[1,10]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
8 | Tensor<[1,1280,8,8]>, Tensor<[1,1280,16,16,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
9 | Tensor<[1,1280,16,16]>, Tensor<[1,1280,32,32,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
10 | Tensor<[1,640,32,32]>, Tensor<[1,640,64,64,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
11 | Tensor<[30522,768]>, Tensor<[1,25]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
12 | Tensor<[2,768]>, Tensor<[1,25]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
13 | Tensor<[512,768]>, Tensor<[1,25]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
14 | Tensor<[30528,768]>, Tensor<[1,8]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
15 | Tensor<[512,768]>, Tensor<[1,8]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
16 | Tensor<[2,768]>, Tensor<[1,8]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
17 | Tensor<[262,768]>, Tensor<[1,2048]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
18 | Tensor<[2048,768]>, Tensor<[2048]>, offset_dims: [1] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 1 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
19 | Tensor<[30522,768]>, Tensor<[1,8]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
20 | Tensor<[40,768]>, Tensor<[1,8]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
21 | Tensor<[2,768]>, Tensor<[1,193]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
22 | Tensor<[1,1,384,512]>, Tensor<[1,1,12,16,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
23 | Tensor<[256008,1024]>, Tensor<[1,19]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
24 | Tensor<[19,256008]>, Tensor<[19,1,2]>, collapsed_slice_dims: [0, 1] start_index_map: [0, 1] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::gather | 4 |
25 | Tensor<[2050,1024]>, Tensor<[19]>, offset_dims: [1] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 1 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index_select | 4 |
26 | Tensor<[1,256,16,16]>, Tensor<[1,256,32,32,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
27 | Tensor<[1,128,32,32]>, Tensor<[1,128,64,64,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
28 | Tensor<[250880,1536]>, Tensor<[1,32]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
29 | Tensor<[30522,768]>, Tensor<[1,16]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
30 | Tensor<[512,768]>, Tensor<[1,16]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
31 | Tensor<[1,64,15,20]>, Tensor<[1,64,30,40,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
32 | Tensor<[1,64,30,40]>, Tensor<[1,64,60,80,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
33 | Tensor<[1,64,60,80]>, Tensor<[1,64,120,160,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
34 | Tensor<[1,64,120,160]>, Tensor<[1,64,240,320,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
35 | Tensor<[1,64,240,320]>, Tensor<[1,64,480,640,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
36 | Tensor<[1,256,128,128]>, Tensor<[1,256,128,128,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
37 | Tensor<[1,256,64,64]>, Tensor<[1,256,128,128,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
38 | Tensor<[1,256,32,32]>, Tensor<[1,256,128,128,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
39 | Tensor<[1,256,16,16]>, Tensor<[1,256,128,128,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
40 | Tensor<[65024,4544]>, Tensor<[1,7]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
41 | Tensor<[1,7,73,64]>, Tensor<[1,7,1,64,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
42 | Tensor<[30000,128]>, Tensor<[1,12]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
43 | Tensor<[2,128]>, Tensor<[1,12]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
44 | Tensor<[512,128]>, Tensor<[1,12]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
45 | Tensor<[30000,128]>, Tensor<[1,9]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
46 | Tensor<[2,128]>, Tensor<[1,9]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
47 | Tensor<[512,128]>, Tensor<[1,9]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
48 | Tensor<[30000,128]>, Tensor<[1,14]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
49 | Tensor<[2,128]>, Tensor<[1,14]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
50 | Tensor<[512,128]>, Tensor<[1,14]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
51 | Tensor<[50,768]>, Tensor<[1,50]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
52 | Tensor<[49408,512]>, Tensor<[2,7]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
53 | Tensor<[77,512]>, Tensor<[1,7]>, offset_dims: [2] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 2 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::embedding | 4 |
54 | Tensor<[2,7,512]>, Tensor<[2,2]>, offset_dims: [1] collapsed_slice_dims: [0, 1] start_index_map: [0, 1] index_vector_dim: 1 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
55 | Tensor<[1,16,27,27]>, Tensor<[1,16,27,27,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
56 | Tensor<[732,16]>, Tensor<[38809,1]>, offset_dims: [1] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 1 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
57 | Tensor<[1,12,27,27]>, Tensor<[1,12,27,27,4]>, collapsed_slice_dims: [0, 1, 2, 3] start_index_map: [0, 1, 2, 3] index_vector_dim: 4 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
58 | Tensor<[732,12]>, Tensor<[38809,1]>, offset_dims: [1] collapsed_slice_dims: [0] start_index_map: [0] index_vector_dim: 1 indices_are_sorted: false slice_sizes: array<i64 | ttnn.embedding | aten::index.Tensor | 4 |
stablehlo.iota::ttnn.arange
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[19,1,1]>, Tensor<[19,1,1]>, dim: 0 | ttnn.arange | aten::gather | 4 |
stablehlo.log::ttnn.log
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,1]>, | ttnn.log | aten::log | 4 |
1 | Tensor<[19,1]>, | ttnn.log | aten::log | 4 |
stablehlo.logistic::ttnn.sigmoig
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,11008]>, | ttnn.sigmoig | aten::silu | 4 |
1 | Tensor<[6,1,100,4]>, | ttnn.sigmoig | aten::sigmoid | 4 |
2 | Tensor<[1,1280]>, | ttnn.sigmoig | aten::silu | 4 |
3 | Tensor<[1,320,64,64]>, | ttnn.sigmoig | aten::silu | 4 |
4 | Tensor<[1,320,32,32]>, | ttnn.sigmoig | aten::silu | 4 |
5 | Tensor<[1,640,32,32]>, | ttnn.sigmoig | aten::silu | 4 |
6 | Tensor<[1,640,16,16]>, | ttnn.sigmoig | aten::silu | 4 |
7 | Tensor<[1,1280,16,16]>, | ttnn.sigmoig | aten::silu | 4 |
8 | Tensor<[1,1280,8,8]>, | ttnn.sigmoig | aten::silu | 4 |
9 | Tensor<[1,2560,8,8]>, | ttnn.sigmoig | aten::silu | 4 |
10 | Tensor<[1,2560,16,16]>, | ttnn.sigmoig | aten::silu | 4 |
11 | Tensor<[1,1920,16,16]>, | ttnn.sigmoig | aten::silu | 4 |
12 | Tensor<[1,1920,32,32]>, | ttnn.sigmoig | aten::silu | 4 |
13 | Tensor<[1,1280,32,32]>, | ttnn.sigmoig | aten::silu | 4 |
14 | Tensor<[1,960,32,32]>, | ttnn.sigmoig | aten::silu | 4 |
15 | Tensor<[1,960,64,64]>, | ttnn.sigmoig | aten::silu | 4 |
16 | Tensor<[1,640,64,64]>, | ttnn.sigmoig | aten::silu | 4 |
17 | Tensor<[1,100,4]>, | ttnn.sigmoig | aten::sigmoid | 4 |
18 | Tensor<[1,1,256,256]>, | ttnn.sigmoig | aten::sigmoid | 4 |
19 | Tensor<[1,2,30,40]>, | ttnn.sigmoig | aten::sigmoid | 4 |
20 | Tensor<[1,2,60,80]>, | ttnn.sigmoig | aten::sigmoid | 4 |
21 | Tensor<[1,2,120,160]>, | ttnn.sigmoig | aten::sigmoid | 4 |
22 | Tensor<[1,1,480,640]>, | ttnn.sigmoig | aten::sigmoid | 4 |
23 | Tensor<[1,50,3072]>, | ttnn.sigmoig | aten::sigmoid | 4 |
24 | Tensor<[2,7,2048]>, | ttnn.sigmoig | aten::sigmoid | 4 |
stablehlo.maximum::ttnn.maximum
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,128,28,28]>, Tensor<[1,128,28,28]>, | ttnn.maximum | aten::elu | 4 |
1 | Tensor<[1,32,112,112]>, Tensor<[1,32,112,112]>, | ttnn.maximum | aten::relu | 4 |
2 | Tensor<[1,64,112,112]>, Tensor<[1,64,112,112]>, | ttnn.maximum | aten::relu | 4 |
3 | Tensor<[1,64,56,56]>, Tensor<[1,64,56,56]>, | ttnn.maximum | aten::relu | 4 |
4 | Tensor<[1,128,56,56]>, Tensor<[1,128,56,56]>, | ttnn.maximum | aten::relu | 4 |
5 | Tensor<[1,256,28,28]>, Tensor<[1,256,28,28]>, | ttnn.maximum | aten::relu | 4 |
6 | Tensor<[1,512,28,28]>, Tensor<[1,512,28,28]>, | ttnn.maximum | aten::relu | 4 |
7 | Tensor<[1,64,360,640]>, Tensor<[1,64,360,640]>, | ttnn.maximum | aten::relu | 4 |
8 | Tensor<[1,64,180,320]>, Tensor<[1,64,180,320]>, | ttnn.maximum | aten::relu | 4 |
9 | Tensor<[1,256,180,320]>, Tensor<[1,256,180,320]>, | ttnn.maximum | aten::relu | 4 |
10 | Tensor<[1,128,180,320]>, Tensor<[1,128,180,320]>, | ttnn.maximum | aten::relu | 4 |
11 | Tensor<[1,128,90,160]>, Tensor<[1,128,90,160]>, | ttnn.maximum | aten::relu | 4 |
12 | Tensor<[1,512,90,160]>, Tensor<[1,512,90,160]>, | ttnn.maximum | aten::relu | 4 |
13 | Tensor<[1,256,90,160]>, Tensor<[1,256,90,160]>, | ttnn.maximum | aten::relu | 4 |
14 | Tensor<[1,256,45,80]>, Tensor<[1,256,45,80]>, | ttnn.maximum | aten::relu | 4 |
15 | Tensor<[1,1024,45,80]>, Tensor<[1,1024,45,80]>, | ttnn.maximum | aten::relu | 4 |
16 | Tensor<[1,512,45,80]>, Tensor<[1,512,45,80]>, | ttnn.maximum | aten::relu | 4 |
17 | Tensor<[1,512,23,40]>, Tensor<[1,512,23,40]>, | ttnn.maximum | aten::relu | 4 |
18 | Tensor<[1,2048,23,40]>, Tensor<[1,2048,23,40]>, | ttnn.maximum | aten::relu | 4 |
19 | Tensor<[920,1,2048]>, Tensor<[920,1,2048]>, | ttnn.maximum | aten::relu | 4 |
20 | Tensor<[100,1,2048]>, Tensor<[100,1,2048]>, | ttnn.maximum | aten::relu | 4 |
21 | Tensor<[6,1,100,256]>, Tensor<[6,1,100,256]>, | ttnn.maximum | aten::relu | 4 |
22 | Tensor<[1,100,192]>, Tensor<[1,100,192]>, | ttnn.maximum | aten::relu | 4 |
23 | Tensor<[1,256,14,14]>, Tensor<[1,256,14,14]>, | ttnn.maximum | aten::relu | 4 |
24 | Tensor<[1,512,7,7]>, Tensor<[1,512,7,7]>, | ttnn.maximum | aten::relu | 4 |
25 | Tensor<[1,256,56,56]>, Tensor<[1,256,56,56]>, | ttnn.maximum | aten::relu | 4 |
26 | Tensor<[1,1024,14,14]>, Tensor<[1,1024,14,14]>, | ttnn.maximum | aten::relu | 4 |
27 | Tensor<[1,512,14,14]>, Tensor<[1,512,14,14]>, | ttnn.maximum | aten::relu | 4 |
28 | Tensor<[1,2048,7,7]>, Tensor<[1,2048,7,7]>, | ttnn.maximum | aten::relu | 4 |
29 | Tensor<[1,32,26,26]>, Tensor<[1,32,26,26]>, | ttnn.maximum | aten::relu | 4 |
30 | Tensor<[1,64,24,24]>, Tensor<[1,64,24,24]>, | ttnn.maximum | aten::relu | 4 |
31 | Tensor<[1,128]>, Tensor<[1,128]>, | ttnn.maximum | aten::relu | 4 |
32 | Tensor<[1,16,19,19]>, Tensor<[1,16,19,19]>, | ttnn.maximum | aten::maximum | 4 |
33 | Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, | ttnn.maximum | aten::hardtanh | 4 |
34 | Tensor<[1,24,56,56]>, Tensor<[1,24,56,56]>, | ttnn.maximum | aten::hardtanh | 4 |
35 | Tensor<[1,40,56,56]>, Tensor<[1,40,56,56]>, | ttnn.maximum | aten::hardtanh | 4 |
36 | Tensor<[1,68,56,56]>, Tensor<[1,68,56,56]>, | ttnn.maximum | aten::hardtanh | 4 |
37 | Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
38 | Tensor<[1,28,28,28]>, Tensor<[1,28,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
39 | Tensor<[1,46,28,28]>, Tensor<[1,46,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
40 | Tensor<[1,78,28,28]>, Tensor<[1,78,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
41 | Tensor<[1,134,28,28]>, Tensor<[1,134,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
42 | Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
43 | Tensor<[1,34,28,28]>, Tensor<[1,34,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
44 | Tensor<[1,58,28,28]>, Tensor<[1,58,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
45 | Tensor<[1,98,28,28]>, Tensor<[1,98,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
46 | Tensor<[1,168,28,28]>, Tensor<[1,168,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
47 | Tensor<[1,320,28,28]>, Tensor<[1,320,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
48 | Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
49 | Tensor<[1,68,14,14]>, Tensor<[1,68,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
50 | Tensor<[1,116,14,14]>, Tensor<[1,116,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
51 | Tensor<[1,196,14,14]>, Tensor<[1,196,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
52 | Tensor<[1,334,14,14]>, Tensor<[1,334,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
53 | Tensor<[1,640,14,14]>, Tensor<[1,640,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
54 | Tensor<[1,160,7,7]>, Tensor<[1,160,7,7]>, | ttnn.maximum | aten::hardtanh | 4 |
55 | Tensor<[1,272,7,7]>, Tensor<[1,272,7,7]>, | ttnn.maximum | aten::hardtanh | 4 |
56 | Tensor<[1,462,7,7]>, Tensor<[1,462,7,7]>, | ttnn.maximum | aten::hardtanh | 4 |
57 | Tensor<[1,1024,7,7]>, Tensor<[1,1024,7,7]>, | ttnn.maximum | aten::hardtanh | 4 |
58 | Tensor<[1,32,512,512]>, Tensor<[1,32,512,512]>, | ttnn.maximum | aten::leaky_relu | 4 |
59 | Tensor<[1,64,256,256]>, Tensor<[1,64,256,256]>, | ttnn.maximum | aten::leaky_relu | 4 |
60 | Tensor<[1,32,256,256]>, Tensor<[1,32,256,256]>, | ttnn.maximum | aten::leaky_relu | 4 |
61 | Tensor<[1,128,128,128]>, Tensor<[1,128,128,128]>, | ttnn.maximum | aten::leaky_relu | 4 |
62 | Tensor<[1,64,128,128]>, Tensor<[1,64,128,128]>, | ttnn.maximum | aten::leaky_relu | 4 |
63 | Tensor<[1,256,64,64]>, Tensor<[1,256,64,64]>, | ttnn.maximum | aten::leaky_relu | 4 |
64 | Tensor<[1,128,64,64]>, Tensor<[1,128,64,64]>, | ttnn.maximum | aten::leaky_relu | 4 |
65 | Tensor<[1,512,32,32]>, Tensor<[1,512,32,32]>, | ttnn.maximum | aten::leaky_relu | 4 |
66 | Tensor<[1,256,32,32]>, Tensor<[1,256,32,32]>, | ttnn.maximum | aten::leaky_relu | 4 |
67 | Tensor<[1,1024,16,16]>, Tensor<[1,1024,16,16]>, | ttnn.maximum | aten::leaky_relu | 4 |
68 | Tensor<[1,512,16,16]>, Tensor<[1,512,16,16]>, | ttnn.maximum | aten::leaky_relu | 4 |
69 | Tensor<[1,256,16,16]>, Tensor<[1,256,16,16]>, | ttnn.maximum | aten::leaky_relu | 4 |
70 | Tensor<[1,128,32,32]>, Tensor<[1,128,32,32]>, | ttnn.maximum | aten::leaky_relu | 4 |
71 | Tensor<[1,4,14,14]>, Tensor<[1,4,14,14]>, | ttnn.maximum | aten::relu | 4 |
72 | Tensor<[1,16,14,14]>, Tensor<[1,16,14,14]>, | ttnn.maximum | aten::relu | 4 |
73 | Tensor<[1,64,224,224]>, Tensor<[1,64,224,224]>, | ttnn.maximum | aten::relu | 4 |
74 | Tensor<[1,128,112,112]>, Tensor<[1,128,112,112]>, | ttnn.maximum | aten::relu | 4 |
75 | Tensor<[1,64,30,40]>, Tensor<[1,64,30,40]>, | ttnn.maximum | aten::relu | 4 |
76 | Tensor<[1,32,30,40]>, Tensor<[1,32,30,40]>, | ttnn.maximum | aten::relu | 4 |
77 | Tensor<[1,64,60,80]>, Tensor<[1,64,60,80]>, | ttnn.maximum | aten::relu | 4 |
78 | Tensor<[1,32,60,80]>, Tensor<[1,32,60,80]>, | ttnn.maximum | aten::relu | 4 |
79 | Tensor<[1,64,120,160]>, Tensor<[1,64,120,160]>, | ttnn.maximum | aten::relu | 4 |
80 | Tensor<[1,32,120,160]>, Tensor<[1,32,120,160]>, | ttnn.maximum | aten::relu | 4 |
81 | Tensor<[1,64,480,640]>, Tensor<[1,64,480,640]>, | ttnn.maximum | aten::relu | 4 |
82 | Tensor<[1,256,128,128]>, Tensor<[1,256,128,128]>, | ttnn.maximum | aten::relu | 4 |
83 | Tensor<[1,96,112,112]>, Tensor<[1,96,112,112]>, | ttnn.maximum | aten::hardtanh | 4 |
84 | Tensor<[1,96,56,56]>, Tensor<[1,96,56,56]>, | ttnn.maximum | aten::hardtanh | 4 |
85 | Tensor<[1,144,56,56]>, Tensor<[1,144,56,56]>, | ttnn.maximum | aten::hardtanh | 4 |
86 | Tensor<[1,144,28,28]>, Tensor<[1,144,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
87 | Tensor<[1,192,28,28]>, Tensor<[1,192,28,28]>, | ttnn.maximum | aten::hardtanh | 4 |
88 | Tensor<[1,192,14,14]>, Tensor<[1,192,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
89 | Tensor<[1,384,14,14]>, Tensor<[1,384,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
90 | Tensor<[1,576,14,14]>, Tensor<[1,576,14,14]>, | ttnn.maximum | aten::hardtanh | 4 |
91 | Tensor<[1,576,7,7]>, Tensor<[1,576,7,7]>, | ttnn.maximum | aten::hardtanh | 4 |
92 | Tensor<[1,960,7,7]>, Tensor<[1,960,7,7]>, | ttnn.maximum | aten::hardtanh | 4 |
93 | Tensor<[1,1280,7,7]>, Tensor<[1,1280,7,7]>, | ttnn.maximum | aten::hardtanh | 4 |
94 | Tensor<[1,64]>, Tensor<[1,64]>, | ttnn.maximum | aten::relu | 4 |
95 | Tensor<[1,12]>, Tensor<[1,12]>, | ttnn.maximum | aten::relu | 4 |
stablehlo.minimum::ttnn.minimum
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,128,28,28]>, Tensor<[1,128,28,28]>, | ttnn.minimum | aten::elu | 4 |
1 | Tensor<[1,32,112,112]>, Tensor<[1,32,112,112]>, | ttnn.minimum | aten::hardtanh | 4 |
2 | Tensor<[1,64,112,112]>, Tensor<[1,64,112,112]>, | ttnn.minimum | aten::hardtanh | 4 |
3 | Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, | ttnn.minimum | aten::hardtanh | 4 |
4 | Tensor<[1,24,56,56]>, Tensor<[1,24,56,56]>, | ttnn.minimum | aten::hardtanh | 4 |
5 | Tensor<[1,40,56,56]>, Tensor<[1,40,56,56]>, | ttnn.minimum | aten::hardtanh | 4 |
6 | Tensor<[1,68,56,56]>, Tensor<[1,68,56,56]>, | ttnn.minimum | aten::hardtanh | 4 |
7 | Tensor<[1,128,56,56]>, Tensor<[1,128,56,56]>, | ttnn.minimum | aten::hardtanh | 4 |
8 | Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
9 | Tensor<[1,28,28,28]>, Tensor<[1,28,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
10 | Tensor<[1,46,28,28]>, Tensor<[1,46,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
11 | Tensor<[1,78,28,28]>, Tensor<[1,78,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
12 | Tensor<[1,134,28,28]>, Tensor<[1,134,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
13 | Tensor<[1,256,28,28]>, Tensor<[1,256,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
14 | Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
15 | Tensor<[1,34,28,28]>, Tensor<[1,34,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
16 | Tensor<[1,58,28,28]>, Tensor<[1,58,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
17 | Tensor<[1,98,28,28]>, Tensor<[1,98,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
18 | Tensor<[1,168,28,28]>, Tensor<[1,168,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
19 | Tensor<[1,320,28,28]>, Tensor<[1,320,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
20 | Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
21 | Tensor<[1,68,14,14]>, Tensor<[1,68,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
22 | Tensor<[1,116,14,14]>, Tensor<[1,116,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
23 | Tensor<[1,196,14,14]>, Tensor<[1,196,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
24 | Tensor<[1,334,14,14]>, Tensor<[1,334,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
25 | Tensor<[1,640,14,14]>, Tensor<[1,640,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
26 | Tensor<[1,160,7,7]>, Tensor<[1,160,7,7]>, | ttnn.minimum | aten::hardtanh | 4 |
27 | Tensor<[1,272,7,7]>, Tensor<[1,272,7,7]>, | ttnn.minimum | aten::hardtanh | 4 |
28 | Tensor<[1,462,7,7]>, Tensor<[1,462,7,7]>, | ttnn.minimum | aten::hardtanh | 4 |
29 | Tensor<[1,1024,7,7]>, Tensor<[1,1024,7,7]>, | ttnn.minimum | aten::hardtanh | 4 |
30 | Tensor<[1,32,512,512]>, Tensor<[1,32,512,512]>, | ttnn.minimum | aten::leaky_relu | 4 |
31 | Tensor<[1,64,256,256]>, Tensor<[1,64,256,256]>, | ttnn.minimum | aten::leaky_relu | 4 |
32 | Tensor<[1,32,256,256]>, Tensor<[1,32,256,256]>, | ttnn.minimum | aten::leaky_relu | 4 |
33 | Tensor<[1,128,128,128]>, Tensor<[1,128,128,128]>, | ttnn.minimum | aten::leaky_relu | 4 |
34 | Tensor<[1,64,128,128]>, Tensor<[1,64,128,128]>, | ttnn.minimum | aten::leaky_relu | 4 |
35 | Tensor<[1,256,64,64]>, Tensor<[1,256,64,64]>, | ttnn.minimum | aten::leaky_relu | 4 |
36 | Tensor<[1,128,64,64]>, Tensor<[1,128,64,64]>, | ttnn.minimum | aten::leaky_relu | 4 |
37 | Tensor<[1,512,32,32]>, Tensor<[1,512,32,32]>, | ttnn.minimum | aten::leaky_relu | 4 |
38 | Tensor<[1,256,32,32]>, Tensor<[1,256,32,32]>, | ttnn.minimum | aten::leaky_relu | 4 |
39 | Tensor<[1,1024,16,16]>, Tensor<[1,1024,16,16]>, | ttnn.minimum | aten::leaky_relu | 4 |
40 | Tensor<[1,512,16,16]>, Tensor<[1,512,16,16]>, | ttnn.minimum | aten::leaky_relu | 4 |
41 | Tensor<[1,256,16,16]>, Tensor<[1,256,16,16]>, | ttnn.minimum | aten::leaky_relu | 4 |
42 | Tensor<[1,128,32,32]>, Tensor<[1,128,32,32]>, | ttnn.minimum | aten::leaky_relu | 4 |
43 | Tensor<[1,96,112,112]>, Tensor<[1,96,112,112]>, | ttnn.minimum | aten::hardtanh | 4 |
44 | Tensor<[1,96,56,56]>, Tensor<[1,96,56,56]>, | ttnn.minimum | aten::hardtanh | 4 |
45 | Tensor<[1,144,56,56]>, Tensor<[1,144,56,56]>, | ttnn.minimum | aten::hardtanh | 4 |
46 | Tensor<[1,144,28,28]>, Tensor<[1,144,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
47 | Tensor<[1,192,28,28]>, Tensor<[1,192,28,28]>, | ttnn.minimum | aten::hardtanh | 4 |
48 | Tensor<[1,192,14,14]>, Tensor<[1,192,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
49 | Tensor<[1,384,14,14]>, Tensor<[1,384,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
50 | Tensor<[1,576,14,14]>, Tensor<[1,576,14,14]>, | ttnn.minimum | aten::hardtanh | 4 |
51 | Tensor<[1,576,7,7]>, Tensor<[1,576,7,7]>, | ttnn.minimum | aten::hardtanh | 4 |
52 | Tensor<[1,960,7,7]>, Tensor<[1,960,7,7]>, | ttnn.minimum | aten::hardtanh | 4 |
53 | Tensor<[1,1280,7,7]>, Tensor<[1,1280,7,7]>, | ttnn.minimum | aten::hardtanh | 4 |
stablehlo.multiply::ttnn.multiply
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[32]>, Tensor<[32]>, | ttnn.multiply | aten::arange | 4 |
1 | Tensor<[1,32,32,128]>, Tensor<[1,32,32,128]>, | ttnn.multiply | aten::mul.Scalar | 4 |
2 | Tensor<[1,32,128,32]>, Tensor<[1,32,128,32]>, | ttnn.multiply | aten::mul.Scalar | 4 |
3 | Tensor<[32,32]>, Tensor<[32,32]>, | ttnn.multiply | aten::mul.Tensor | 5 |
4 | Tensor<[1,32,128]>, Tensor<[1,32,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
5 | Tensor<[1,32,4096]>, Tensor<[1,32,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
6 | Tensor<[1,32,11008]>, Tensor<[1,32,11008]>, | ttnn.multiply | aten::mul.Tensor | 5 |
7 | Tensor<[7]>, Tensor<[7]>, | ttnn.multiply | aten::arange | 4 |
8 | Tensor<[1]>, Tensor<[1]>, | ttnn.multiply | aten::arange | 4 |
9 | Tensor<[1,12,7,64]>, Tensor<[1,12,7,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
10 | Tensor<[1,12,64,7]>, Tensor<[1,12,64,7]>, | ttnn.multiply | aten::mul.Scalar | 4 |
11 | Tensor<[1,7,768]>, Tensor<[1,7,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
12 | Tensor<[7,2304]>, Tensor<[7,2304]>, | ttnn.multiply | aten::mul.Tensor | 4 |
13 | Tensor<[2304]>, Tensor<[2304]>, | ttnn.multiply | aten::mul.Tensor | 4 |
14 | Tensor<[7,768]>, Tensor<[7,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
15 | Tensor<[768]>, Tensor<[768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
16 | Tensor<[7,3072]>, Tensor<[7,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
17 | Tensor<[3072]>, Tensor<[3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
18 | Tensor<[1,7,3072]>, Tensor<[1,7,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
19 | Tensor<[1,128,28,28]>, Tensor<[1,128,28,28]>, | ttnn.multiply | aten::elu | 4 |
20 | Tensor<[1,32,112,112]>, Tensor<[1,32,112,112]>, | ttnn.multiply | aten::mul.Tensor | 4 |
21 | Tensor<[64]>, Tensor<[64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
22 | Tensor<[1,64,112,112]>, Tensor<[1,64,112,112]>, | ttnn.multiply | aten::mul.Tensor | 4 |
23 | Tensor<[1,64,56,56]>, Tensor<[1,64,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
24 | Tensor<[128]>, Tensor<[128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
25 | Tensor<[1,128,56,56]>, Tensor<[1,128,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
26 | Tensor<[256]>, Tensor<[256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
27 | Tensor<[1,256,28,28]>, Tensor<[1,256,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
28 | Tensor<[512]>, Tensor<[512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
29 | Tensor<[1,512,28,28]>, Tensor<[1,512,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
30 | Tensor<[1,1024,512]>, Tensor<[1,1024,512]>, | ttnn.multiply | aten::gelu | 4 |
31 | Tensor<[1,256,256]>, Tensor<[1,256,256]>, | ttnn.multiply | aten::gelu | 4 |
32 | Tensor<[256,512]>, Tensor<[256,512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
33 | Tensor<[1,256,512]>, Tensor<[1,256,512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
34 | Tensor<[256,256]>, Tensor<[256,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
35 | Tensor<[1,1000]>, Tensor<[1,1000]>, | ttnn.multiply | aten::mul.Tensor | 4 |
36 | Tensor<[1000]>, Tensor<[1000]>, | ttnn.multiply | aten::mul.Tensor | 4 |
37 | Tensor<[23]>, Tensor<[23]>, | ttnn.multiply | aten::arange | 4 |
38 | Tensor<[40]>, Tensor<[40]>, | ttnn.multiply | aten::arange | 4 |
39 | Tensor<[8,920,920]>, Tensor<[8,920,920]>, | ttnn.multiply | aten::baddbmm | 4 |
40 | Tensor<[8,100,920]>, Tensor<[8,100,920]>, | ttnn.multiply | aten::baddbmm | 4 |
41 | Tensor<[1,64,1,1]>, Tensor<[1,64,1,1]>, | ttnn.multiply | aten::mul.Tensor | 5 |
42 | Tensor<[1,64,360,640]>, Tensor<[1,64,360,640]>, | ttnn.multiply | aten::mul.Tensor | 4 |
43 | Tensor<[1,64,180,320]>, Tensor<[1,64,180,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
44 | Tensor<[1,256,1,1]>, Tensor<[1,256,1,1]>, | ttnn.multiply | aten::mul.Tensor | 5 |
45 | Tensor<[1,256,180,320]>, Tensor<[1,256,180,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
46 | Tensor<[1,128,1,1]>, Tensor<[1,128,1,1]>, | ttnn.multiply | aten::mul.Tensor | 5 |
47 | Tensor<[1,128,180,320]>, Tensor<[1,128,180,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
48 | Tensor<[1,128,90,160]>, Tensor<[1,128,90,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
49 | Tensor<[1,512,1,1]>, Tensor<[1,512,1,1]>, | ttnn.multiply | aten::mul.Tensor | 5 |
50 | Tensor<[1,512,90,160]>, Tensor<[1,512,90,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
51 | Tensor<[1,256,90,160]>, Tensor<[1,256,90,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
52 | Tensor<[1,256,45,80]>, Tensor<[1,256,45,80]>, | ttnn.multiply | aten::mul.Tensor | 4 |
53 | Tensor<[1,1024,1,1]>, Tensor<[1,1024,1,1]>, | ttnn.multiply | aten::mul.Tensor | 5 |
54 | Tensor<[1,1024,45,80]>, Tensor<[1,1024,45,80]>, | ttnn.multiply | aten::mul.Tensor | 4 |
55 | Tensor<[1,512,45,80]>, Tensor<[1,512,45,80]>, | ttnn.multiply | aten::mul.Tensor | 4 |
56 | Tensor<[1,512,23,40]>, Tensor<[1,512,23,40]>, | ttnn.multiply | aten::mul.Tensor | 4 |
57 | Tensor<[1,2048,1,1]>, Tensor<[1,2048,1,1]>, | ttnn.multiply | aten::mul.Tensor | 5 |
58 | Tensor<[1,2048,23,40]>, Tensor<[1,2048,23,40]>, | ttnn.multiply | aten::mul.Tensor | 4 |
59 | Tensor<[1,23,40]>, Tensor<[1,23,40]>, | ttnn.multiply | aten::mul.Tensor | 4 |
60 | Tensor<[8,920,32]>, Tensor<[8,920,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
61 | Tensor<[920,256]>, Tensor<[920,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
62 | Tensor<[920,1,256]>, Tensor<[920,1,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
63 | Tensor<[920,2048]>, Tensor<[920,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
64 | Tensor<[2048]>, Tensor<[2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
65 | Tensor<[100,256]>, Tensor<[100,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
66 | Tensor<[8,100,32]>, Tensor<[8,100,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
67 | Tensor<[100,1,256]>, Tensor<[100,1,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
68 | Tensor<[100,2048]>, Tensor<[100,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
69 | Tensor<[1,10,3072]>, Tensor<[1,10,3072]>, | ttnn.multiply | aten::gelu | 4 |
70 | Tensor<[1,10,768]>, Tensor<[1,10,768]>, | ttnn.multiply | aten::gelu | 4 |
71 | Tensor<[1,12,10,64]>, Tensor<[1,12,10,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
72 | Tensor<[1,12,64,10]>, Tensor<[1,12,64,10]>, | ttnn.multiply | aten::mul.Scalar | 4 |
73 | Tensor<[1,10]>, Tensor<[1,10]>, | ttnn.multiply | aten::mul.Tensor | 5 |
74 | Tensor<[10,768]>, Tensor<[10,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
75 | Tensor<[10,3072]>, Tensor<[10,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
76 | Tensor<[10,250002]>, Tensor<[10,250002]>, | ttnn.multiply | aten::mul.Tensor | 4 |
77 | Tensor<[250002]>, Tensor<[250002]>, | ttnn.multiply | aten::mul.Tensor | 4 |
78 | Tensor<[16]>, Tensor<[16]>, | ttnn.multiply | aten::arange | 4 |
79 | Tensor<[160]>, Tensor<[160]>, | ttnn.multiply | aten::arange.start | 4 |
80 | Tensor<[1,4096,1280]>, Tensor<[1,4096,1280]>, | ttnn.multiply | aten::gelu | 4 |
81 | Tensor<[1,1024,2560]>, Tensor<[1,1024,2560]>, | ttnn.multiply | aten::gelu | 4 |
82 | Tensor<[1,256,5120]>, Tensor<[1,256,5120]>, | ttnn.multiply | aten::gelu | 4 |
83 | Tensor<[1,64,5120]>, Tensor<[1,64,5120]>, | ttnn.multiply | aten::gelu | 4 |
84 | Tensor<[1280]>, Tensor<[1280]>, | ttnn.multiply | aten::index.Tensor | 4 |
85 | Tensor<[640]>, Tensor<[640]>, | ttnn.multiply | aten::index.Tensor | 4 |
86 | Tensor<[1,8,4096,40]>, Tensor<[1,8,4096,40]>, | ttnn.multiply | aten::mul.Scalar | 4 |
87 | Tensor<[1,8,40,4096]>, Tensor<[1,8,40,4096]>, | ttnn.multiply | aten::mul.Scalar | 4 |
88 | Tensor<[1,8,40,9]>, Tensor<[1,8,40,9]>, | ttnn.multiply | aten::mul.Scalar | 4 |
89 | Tensor<[1,8,1024,80]>, Tensor<[1,8,1024,80]>, | ttnn.multiply | aten::mul.Scalar | 4 |
90 | Tensor<[1,8,80,1024]>, Tensor<[1,8,80,1024]>, | ttnn.multiply | aten::mul.Scalar | 4 |
91 | Tensor<[1,8,80,9]>, Tensor<[1,8,80,9]>, | ttnn.multiply | aten::mul.Scalar | 4 |
92 | Tensor<[1,8,256,160]>, Tensor<[1,8,256,160]>, | ttnn.multiply | aten::mul.Scalar | 4 |
93 | Tensor<[1,8,160,256]>, Tensor<[1,8,160,256]>, | ttnn.multiply | aten::mul.Scalar | 4 |
94 | Tensor<[1,8,160,9]>, Tensor<[1,8,160,9]>, | ttnn.multiply | aten::mul.Scalar | 4 |
95 | Tensor<[1,8,64,160]>, Tensor<[1,8,64,160]>, | ttnn.multiply | aten::mul.Scalar | 4 |
96 | Tensor<[1,8,160,64]>, Tensor<[1,8,160,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
97 | Tensor<[1,160]>, Tensor<[1,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
98 | Tensor<[1,1280]>, Tensor<[1,1280]>, | ttnn.multiply | aten::mul.Tensor | 4 |
99 | Tensor<[1,32,10,4096]>, Tensor<[1,32,10,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
100 | Tensor<[1,320,64,64]>, Tensor<[1,320,64,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
101 | Tensor<[1,320]>, Tensor<[1,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
102 | Tensor<[320]>, Tensor<[320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
103 | Tensor<[1,4096,320]>, Tensor<[1,4096,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
104 | Tensor<[4096,320]>, Tensor<[4096,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
105 | Tensor<[4096,2560]>, Tensor<[4096,2560]>, | ttnn.multiply | aten::mul.Tensor | 4 |
106 | Tensor<[2560]>, Tensor<[2560]>, | ttnn.multiply | aten::mul.Tensor | 4 |
107 | Tensor<[1,32,10,1024]>, Tensor<[1,32,10,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
108 | Tensor<[1,320,32,32]>, Tensor<[1,320,32,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
109 | Tensor<[1,640]>, Tensor<[1,640]>, | ttnn.multiply | aten::mul.Tensor | 4 |
110 | Tensor<[1,32,20,1024]>, Tensor<[1,32,20,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
111 | Tensor<[1,640,32,32]>, Tensor<[1,640,32,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
112 | Tensor<[1,1024,640]>, Tensor<[1,1024,640]>, | ttnn.multiply | aten::mul.Tensor | 4 |
113 | Tensor<[1024,640]>, Tensor<[1024,640]>, | ttnn.multiply | aten::mul.Tensor | 4 |
114 | Tensor<[1024,5120]>, Tensor<[1024,5120]>, | ttnn.multiply | aten::mul.Tensor | 4 |
115 | Tensor<[5120]>, Tensor<[5120]>, | ttnn.multiply | aten::mul.Tensor | 4 |
116 | Tensor<[1,32,20,256]>, Tensor<[1,32,20,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
117 | Tensor<[1,640,16,16]>, Tensor<[1,640,16,16]>, | ttnn.multiply | aten::mul.Tensor | 4 |
118 | Tensor<[1,32,40,256]>, Tensor<[1,32,40,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
119 | Tensor<[1,1280,16,16]>, Tensor<[1,1280,16,16]>, | ttnn.multiply | aten::mul.Tensor | 4 |
120 | Tensor<[1,256,1280]>, Tensor<[1,256,1280]>, | ttnn.multiply | aten::mul.Tensor | 4 |
121 | Tensor<[256,1280]>, Tensor<[256,1280]>, | ttnn.multiply | aten::mul.Tensor | 4 |
122 | Tensor<[256,10240]>, Tensor<[256,10240]>, | ttnn.multiply | aten::mul.Tensor | 4 |
123 | Tensor<[10240]>, Tensor<[10240]>, | ttnn.multiply | aten::mul.Tensor | 4 |
124 | Tensor<[1,32,40,64]>, Tensor<[1,32,40,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
125 | Tensor<[1,1280,8,8]>, Tensor<[1,1280,8,8]>, | ttnn.multiply | aten::mul.Tensor | 4 |
126 | Tensor<[1,64,1280]>, Tensor<[1,64,1280]>, | ttnn.multiply | aten::mul.Tensor | 4 |
127 | Tensor<[64,1280]>, Tensor<[64,1280]>, | ttnn.multiply | aten::mul.Tensor | 4 |
128 | Tensor<[64,10240]>, Tensor<[64,10240]>, | ttnn.multiply | aten::mul.Tensor | 4 |
129 | Tensor<[1,32,80,64]>, Tensor<[1,32,80,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
130 | Tensor<[1,2560,8,8]>, Tensor<[1,2560,8,8]>, | ttnn.multiply | aten::mul.Tensor | 4 |
131 | Tensor<[1,32,80,256]>, Tensor<[1,32,80,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
132 | Tensor<[1,2560,16,16]>, Tensor<[1,2560,16,16]>, | ttnn.multiply | aten::mul.Tensor | 4 |
133 | Tensor<[1,32,60,256]>, Tensor<[1,32,60,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
134 | Tensor<[1,1920,16,16]>, Tensor<[1,1920,16,16]>, | ttnn.multiply | aten::mul.Tensor | 4 |
135 | Tensor<[1,32,60,1024]>, Tensor<[1,32,60,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
136 | Tensor<[1,1920,32,32]>, Tensor<[1,1920,32,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
137 | Tensor<[1,32,40,1024]>, Tensor<[1,32,40,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
138 | Tensor<[1,1280,32,32]>, Tensor<[1,1280,32,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
139 | Tensor<[1,32,30,1024]>, Tensor<[1,32,30,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
140 | Tensor<[1,960,32,32]>, Tensor<[1,960,32,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
141 | Tensor<[1,32,30,4096]>, Tensor<[1,32,30,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
142 | Tensor<[1,960,64,64]>, Tensor<[1,960,64,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
143 | Tensor<[1,32,20,4096]>, Tensor<[1,32,20,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
144 | Tensor<[1,640,64,64]>, Tensor<[1,640,64,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
145 | Tensor<[1,25,3072]>, Tensor<[1,25,3072]>, | ttnn.multiply | aten::gelu | 4 |
146 | Tensor<[1,12,25,64]>, Tensor<[1,12,25,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
147 | Tensor<[1,12,64,25]>, Tensor<[1,12,64,25]>, | ttnn.multiply | aten::mul.Scalar | 4 |
148 | Tensor<[1,25,768]>, Tensor<[1,25,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
149 | Tensor<[25,768]>, Tensor<[25,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
150 | Tensor<[25,3072]>, Tensor<[25,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
151 | Tensor<[25,2]>, Tensor<[25,2]>, | ttnn.multiply | aten::mul.Tensor | 4 |
152 | Tensor<[2]>, Tensor<[2]>, | ttnn.multiply | aten::mul.Tensor | 4 |
153 | Tensor<[1,1]>, Tensor<[1,1]>, | ttnn.multiply | aten::mul.Tensor | 4 |
154 | Tensor<[1,1445,768]>, Tensor<[1,1445,768]>, | ttnn.multiply | aten::gelu | 4 |
155 | Tensor<[1,3,1445,64]>, Tensor<[1,3,1445,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
156 | Tensor<[1,3,64,1445]>, Tensor<[1,3,64,1445]>, | ttnn.multiply | aten::mul.Scalar | 4 |
157 | Tensor<[1,1445,192]>, Tensor<[1,1445,192]>, | ttnn.multiply | aten::mul.Tensor | 4 |
158 | Tensor<[1445,192]>, Tensor<[1445,192]>, | ttnn.multiply | aten::mul.Tensor | 4 |
159 | Tensor<[192]>, Tensor<[192]>, | ttnn.multiply | aten::mul.Tensor | 4 |
160 | Tensor<[1445,768]>, Tensor<[1445,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
161 | Tensor<[100,192]>, Tensor<[100,192]>, | ttnn.multiply | aten::mul.Tensor | 4 |
162 | Tensor<[100,92]>, Tensor<[100,92]>, | ttnn.multiply | aten::mul.Tensor | 4 |
163 | Tensor<[92]>, Tensor<[92]>, | ttnn.multiply | aten::mul.Tensor | 4 |
164 | Tensor<[100,4]>, Tensor<[100,4]>, | ttnn.multiply | aten::mul.Tensor | 4 |
165 | Tensor<[4]>, Tensor<[4]>, | ttnn.multiply | aten::mul.Tensor | 4 |
166 | Tensor<[1,256,14,14]>, Tensor<[1,256,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
167 | Tensor<[1,512,7,7]>, Tensor<[1,512,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
168 | Tensor<[1,3072,8]>, Tensor<[1,3072,8]>, | ttnn.multiply | aten::gelu | 4 |
169 | Tensor<[1,1,1,8]>, Tensor<[1,1,1,8]>, | ttnn.multiply | aten::mul.Tensor | 4 |
170 | Tensor<[1,8,768]>, Tensor<[1,8,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
171 | Tensor<[1,768]>, Tensor<[1,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
172 | Tensor<[1,3]>, Tensor<[1,3]>, | ttnn.multiply | aten::mul.Tensor | 4 |
173 | Tensor<[3]>, Tensor<[3]>, | ttnn.multiply | aten::mul.Tensor | 4 |
174 | Tensor<[1,2048,768]>, Tensor<[1,2048,768]>, | ttnn.multiply | aten::gelu | 4 |
175 | Tensor<[1,1,1,2048]>, Tensor<[1,1,1,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
176 | Tensor<[2048,256]>, Tensor<[2048,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
177 | Tensor<[2048,1280]>, Tensor<[2048,1280]>, | ttnn.multiply | aten::mul.Tensor | 4 |
178 | Tensor<[256,768]>, Tensor<[256,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
179 | Tensor<[2048,768]>, Tensor<[2048,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
180 | Tensor<[1,256,56,56]>, Tensor<[1,256,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
181 | Tensor<[1024]>, Tensor<[1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
182 | Tensor<[1,1024,14,14]>, Tensor<[1,1024,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
183 | Tensor<[1,512,14,14]>, Tensor<[1,512,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
184 | Tensor<[1,2048,7,7]>, Tensor<[1,2048,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
185 | Tensor<[12]>, Tensor<[12]>, | ttnn.multiply | aten::arange | 4 |
186 | Tensor<[1,201,3072]>, Tensor<[1,201,3072]>, | ttnn.multiply | aten::gelu | 4 |
187 | Tensor<[1,1536]>, Tensor<[1,1536]>, | ttnn.multiply | aten::gelu | 4 |
188 | Tensor<[1,1,1,201]>, Tensor<[1,1,1,201]>, | ttnn.multiply | aten::mul.Tensor | 4 |
189 | Tensor<[1,201,768]>, Tensor<[1,201,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
190 | Tensor<[201,768]>, Tensor<[201,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
191 | Tensor<[201,3072]>, Tensor<[201,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
192 | Tensor<[1536]>, Tensor<[1536]>, | ttnn.multiply | aten::mul.Tensor | 4 |
193 | Tensor<[1,3129]>, Tensor<[1,3129]>, | ttnn.multiply | aten::mul.Tensor | 4 |
194 | Tensor<[3129]>, Tensor<[3129]>, | ttnn.multiply | aten::mul.Tensor | 4 |
195 | Tensor<[1,128]>, Tensor<[1,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
196 | Tensor<[10]>, Tensor<[10]>, | ttnn.multiply | aten::mul.Tensor | 4 |
197 | Tensor<[19]>, Tensor<[19]>, | ttnn.multiply | aten::arange | 4 |
198 | Tensor<[1,19,4096]>, Tensor<[1,19,4096]>, | ttnn.multiply | aten::gelu | 4 |
199 | Tensor<[1,19,1024]>, Tensor<[1,19,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
200 | Tensor<[19,1024]>, Tensor<[19,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
201 | Tensor<[19,4096]>, Tensor<[19,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
202 | Tensor<[4096]>, Tensor<[4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
203 | Tensor<[14]>, Tensor<[14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
204 | Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
205 | Tensor<[24]>, Tensor<[24]>, | ttnn.multiply | aten::mul.Tensor | 4 |
206 | Tensor<[1,24,56,56]>, Tensor<[1,24,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
207 | Tensor<[1,40,56,56]>, Tensor<[1,40,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
208 | Tensor<[68]>, Tensor<[68]>, | ttnn.multiply | aten::mul.Tensor | 4 |
209 | Tensor<[1,68,56,56]>, Tensor<[1,68,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
210 | Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
211 | Tensor<[28]>, Tensor<[28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
212 | Tensor<[1,28,28,28]>, Tensor<[1,28,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
213 | Tensor<[46]>, Tensor<[46]>, | ttnn.multiply | aten::mul.Tensor | 4 |
214 | Tensor<[1,46,28,28]>, Tensor<[1,46,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
215 | Tensor<[78]>, Tensor<[78]>, | ttnn.multiply | aten::mul.Tensor | 4 |
216 | Tensor<[1,78,28,28]>, Tensor<[1,78,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
217 | Tensor<[134]>, Tensor<[134]>, | ttnn.multiply | aten::mul.Tensor | 4 |
218 | Tensor<[1,134,28,28]>, Tensor<[1,134,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
219 | Tensor<[20]>, Tensor<[20]>, | ttnn.multiply | aten::mul.Tensor | 4 |
220 | Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
221 | Tensor<[34]>, Tensor<[34]>, | ttnn.multiply | aten::mul.Tensor | 4 |
222 | Tensor<[1,34,28,28]>, Tensor<[1,34,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
223 | Tensor<[58]>, Tensor<[58]>, | ttnn.multiply | aten::mul.Tensor | 4 |
224 | Tensor<[1,58,28,28]>, Tensor<[1,58,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
225 | Tensor<[98]>, Tensor<[98]>, | ttnn.multiply | aten::mul.Tensor | 4 |
226 | Tensor<[1,98,28,28]>, Tensor<[1,98,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
227 | Tensor<[168]>, Tensor<[168]>, | ttnn.multiply | aten::mul.Tensor | 4 |
228 | Tensor<[1,168,28,28]>, Tensor<[1,168,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
229 | Tensor<[1,320,28,28]>, Tensor<[1,320,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
230 | Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
231 | Tensor<[1,68,14,14]>, Tensor<[1,68,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
232 | Tensor<[116]>, Tensor<[116]>, | ttnn.multiply | aten::mul.Tensor | 4 |
233 | Tensor<[1,116,14,14]>, Tensor<[1,116,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
234 | Tensor<[196]>, Tensor<[196]>, | ttnn.multiply | aten::mul.Tensor | 4 |
235 | Tensor<[1,196,14,14]>, Tensor<[1,196,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
236 | Tensor<[334]>, Tensor<[334]>, | ttnn.multiply | aten::mul.Tensor | 4 |
237 | Tensor<[1,334,14,14]>, Tensor<[1,334,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
238 | Tensor<[1,640,14,14]>, Tensor<[1,640,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
239 | Tensor<[1,160,7,7]>, Tensor<[1,160,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
240 | Tensor<[272]>, Tensor<[272]>, | ttnn.multiply | aten::mul.Tensor | 4 |
241 | Tensor<[1,272,7,7]>, Tensor<[1,272,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
242 | Tensor<[462]>, Tensor<[462]>, | ttnn.multiply | aten::mul.Tensor | 4 |
243 | Tensor<[1,462,7,7]>, Tensor<[1,462,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
244 | Tensor<[1,1024,7,7]>, Tensor<[1,1024,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
245 | Tensor<[1,32,512,512]>, Tensor<[1,32,512,512]>, | ttnn.multiply | aten::leaky_relu | 4 |
246 | Tensor<[1,64,256,256]>, Tensor<[1,64,256,256]>, | ttnn.multiply | aten::leaky_relu | 4 |
247 | Tensor<[1,32,256,256]>, Tensor<[1,32,256,256]>, | ttnn.multiply | aten::leaky_relu | 4 |
248 | Tensor<[1,128,128,128]>, Tensor<[1,128,128,128]>, | ttnn.multiply | aten::leaky_relu | 4 |
249 | Tensor<[1,64,128,128]>, Tensor<[1,64,128,128]>, | ttnn.multiply | aten::leaky_relu | 4 |
250 | Tensor<[1,256,64,64]>, Tensor<[1,256,64,64]>, | ttnn.multiply | aten::leaky_relu | 4 |
251 | Tensor<[1,128,64,64]>, Tensor<[1,128,64,64]>, | ttnn.multiply | aten::leaky_relu | 4 |
252 | Tensor<[1,512,32,32]>, Tensor<[1,512,32,32]>, | ttnn.multiply | aten::leaky_relu | 4 |
253 | Tensor<[1,256,32,32]>, Tensor<[1,256,32,32]>, | ttnn.multiply | aten::leaky_relu | 4 |
254 | Tensor<[1,1024,16,16]>, Tensor<[1,1024,16,16]>, | ttnn.multiply | aten::leaky_relu | 4 |
255 | Tensor<[1,512,16,16]>, Tensor<[1,512,16,16]>, | ttnn.multiply | aten::leaky_relu | 4 |
256 | Tensor<[1,256,16,16]>, Tensor<[1,256,16,16]>, | ttnn.multiply | aten::leaky_relu | 4 |
257 | Tensor<[1,128,32,32]>, Tensor<[1,128,32,32]>, | ttnn.multiply | aten::leaky_relu | 4 |
258 | Tensor<[16,32,32]>, Tensor<[16,32,32]>, | ttnn.multiply | aten::baddbmm | 4 |
259 | Tensor<[1,32,1536]>, Tensor<[1,32,1536]>, | ttnn.multiply | aten::mul.Tensor | 4 |
260 | Tensor<[1,32]>, Tensor<[1,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
261 | Tensor<[1,16,32]>, Tensor<[1,16,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
262 | Tensor<[32,4608]>, Tensor<[32,4608]>, | ttnn.multiply | aten::mul.Tensor | 4 |
263 | Tensor<[4608]>, Tensor<[4608]>, | ttnn.multiply | aten::mul.Tensor | 4 |
264 | Tensor<[32,1536]>, Tensor<[32,1536]>, | ttnn.multiply | aten::mul.Tensor | 4 |
265 | Tensor<[32,6144]>, Tensor<[32,6144]>, | ttnn.multiply | aten::mul.Tensor | 4 |
266 | Tensor<[6144]>, Tensor<[6144]>, | ttnn.multiply | aten::mul.Tensor | 4 |
267 | Tensor<[1,32,6144]>, Tensor<[1,32,6144]>, | ttnn.multiply | aten::mul.Tensor | 4 |
268 | Tensor<[1,16,3072]>, Tensor<[1,16,3072]>, | ttnn.multiply | aten::gelu | 4 |
269 | Tensor<[1,12,16,64]>, Tensor<[1,12,16,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
270 | Tensor<[1,12,64,16]>, Tensor<[1,12,64,16]>, | ttnn.multiply | aten::mul.Scalar | 4 |
271 | Tensor<[1,16,768]>, Tensor<[1,16,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
272 | Tensor<[16,768]>, Tensor<[16,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
273 | Tensor<[16,3072]>, Tensor<[16,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
274 | Tensor<[1,64,224,224]>, Tensor<[1,64,224,224]>, | ttnn.multiply | aten::mul.Tensor | 4 |
275 | Tensor<[1,128,112,112]>, Tensor<[1,128,112,112]>, | ttnn.multiply | aten::mul.Tensor | 4 |
276 | Tensor<[30]>, Tensor<[30]>, | ttnn.multiply | aten::arange | 4 |
277 | Tensor<[60]>, Tensor<[60]>, | ttnn.multiply | aten::arange | 4 |
278 | Tensor<[80]>, Tensor<[80]>, | ttnn.multiply | aten::arange | 4 |
279 | Tensor<[120]>, Tensor<[120]>, | ttnn.multiply | aten::arange | 4 |
280 | Tensor<[240]>, Tensor<[240]>, | ttnn.multiply | aten::arange | 4 |
281 | Tensor<[480]>, Tensor<[480]>, | ttnn.multiply | aten::arange | 4 |
282 | Tensor<[1,19200,256]>, Tensor<[1,19200,256]>, | ttnn.multiply | aten::gelu | 4 |
283 | Tensor<[1,4800,512]>, Tensor<[1,4800,512]>, | ttnn.multiply | aten::gelu | 4 |
284 | Tensor<[1,1200,1280]>, Tensor<[1,1200,1280]>, | ttnn.multiply | aten::gelu | 4 |
285 | Tensor<[1,300,2048]>, Tensor<[1,300,2048]>, | ttnn.multiply | aten::gelu | 4 |
286 | Tensor<[1,19200,64]>, Tensor<[1,19200,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
287 | Tensor<[19200,64]>, Tensor<[19200,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
288 | Tensor<[1,300,64]>, Tensor<[1,300,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
289 | Tensor<[300,64]>, Tensor<[300,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
290 | Tensor<[19200,256]>, Tensor<[19200,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
291 | Tensor<[1,4800,128]>, Tensor<[1,4800,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
292 | Tensor<[4800,128]>, Tensor<[4800,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
293 | Tensor<[1,300,128]>, Tensor<[1,300,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
294 | Tensor<[300,128]>, Tensor<[300,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
295 | Tensor<[4800,512]>, Tensor<[4800,512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
296 | Tensor<[1,1200,320]>, Tensor<[1,1200,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
297 | Tensor<[1200,320]>, Tensor<[1200,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
298 | Tensor<[1,300,320]>, Tensor<[1,300,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
299 | Tensor<[300,320]>, Tensor<[300,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
300 | Tensor<[1200,1280]>, Tensor<[1200,1280]>, | ttnn.multiply | aten::mul.Tensor | 4 |
301 | Tensor<[1,300,512]>, Tensor<[1,300,512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
302 | Tensor<[300,512]>, Tensor<[300,512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
303 | Tensor<[300,2048]>, Tensor<[300,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
304 | Tensor<[1,64,30,40]>, Tensor<[1,64,30,40]>, | ttnn.multiply | aten::mul.Tensor | 4 |
305 | Tensor<[1,32,30,40]>, Tensor<[1,32,30,40]>, | ttnn.multiply | aten::mul.Tensor | 4 |
306 | Tensor<[1,64,60,80]>, Tensor<[1,64,60,80]>, | ttnn.multiply | aten::mul.Tensor | 4 |
307 | Tensor<[1,32,60,80]>, Tensor<[1,32,60,80]>, | ttnn.multiply | aten::mul.Tensor | 4 |
308 | Tensor<[1,64,120,160]>, Tensor<[1,64,120,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
309 | Tensor<[1,32,120,160]>, Tensor<[1,32,120,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
310 | Tensor<[1,64,240,320]>, Tensor<[1,64,240,320]>, | ttnn.multiply | aten::mul.Tensor | 4 |
311 | Tensor<[1,64,480,640]>, Tensor<[1,64,480,640]>, | ttnn.multiply | aten::mul.Tensor | 4 |
312 | Tensor<[1,1,480,640]>, Tensor<[1,1,480,640]>, | ttnn.multiply | aten::mul.Tensor | 4 |
313 | Tensor<[1,197,3072]>, Tensor<[1,197,3072]>, | ttnn.multiply | aten::gelu | 4 |
314 | Tensor<[1,12,197,64]>, Tensor<[1,12,197,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
315 | Tensor<[1,12,64,197]>, Tensor<[1,12,64,197]>, | ttnn.multiply | aten::mul.Scalar | 4 |
316 | Tensor<[1,197,768]>, Tensor<[1,197,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
317 | Tensor<[197,768]>, Tensor<[197,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
318 | Tensor<[197,3072]>, Tensor<[197,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
319 | Tensor<[1,16384,128]>, Tensor<[1,16384,128]>, | ttnn.multiply | aten::gelu | 4 |
320 | Tensor<[1,4096,256]>, Tensor<[1,4096,256]>, | ttnn.multiply | aten::gelu | 4 |
321 | Tensor<[1,256,1024]>, Tensor<[1,256,1024]>, | ttnn.multiply | aten::gelu | 4 |
322 | Tensor<[1,16384,32]>, Tensor<[1,16384,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
323 | Tensor<[16384,32]>, Tensor<[16384,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
324 | Tensor<[1,256,32]>, Tensor<[1,256,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
325 | Tensor<[256,32]>, Tensor<[256,32]>, | ttnn.multiply | aten::mul.Tensor | 4 |
326 | Tensor<[16384,128]>, Tensor<[16384,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
327 | Tensor<[1,4096,64]>, Tensor<[1,4096,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
328 | Tensor<[4096,64]>, Tensor<[4096,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
329 | Tensor<[1,256,64]>, Tensor<[1,256,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
330 | Tensor<[256,64]>, Tensor<[256,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
331 | Tensor<[4096,256]>, Tensor<[4096,256]>, | ttnn.multiply | aten::mul.Tensor | 4 |
332 | Tensor<[1,1024,160]>, Tensor<[1,1024,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
333 | Tensor<[1024,160]>, Tensor<[1024,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
334 | Tensor<[1,256,160]>, Tensor<[1,256,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
335 | Tensor<[256,160]>, Tensor<[256,160]>, | ttnn.multiply | aten::mul.Tensor | 4 |
336 | Tensor<[256,1024]>, Tensor<[256,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
337 | Tensor<[1,256,128,128]>, Tensor<[1,256,128,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
338 | Tensor<[1,7,18176]>, Tensor<[1,7,18176]>, | ttnn.multiply | aten::gelu | 4 |
339 | Tensor<[1,71,7,64]>, Tensor<[1,71,7,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
340 | Tensor<[1,1,64,7]>, Tensor<[1,1,64,7]>, | ttnn.multiply | aten::mul.Scalar | 4 |
341 | Tensor<[7,7]>, Tensor<[7,7]>, | ttnn.multiply | aten::mul.Tensor | 5 |
342 | Tensor<[1,7,64]>, Tensor<[1,7,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
343 | Tensor<[1,7,4544]>, Tensor<[1,7,4544]>, | ttnn.multiply | aten::mul.Tensor | 4 |
344 | Tensor<[1,1,7,64]>, Tensor<[1,1,7,64]>, | ttnn.multiply | aten::mul.Tensor | 5 |
345 | Tensor<[1,16,112,112]>, Tensor<[1,16,112,112]>, | ttnn.multiply | aten::mul.Tensor | 4 |
346 | Tensor<[96]>, Tensor<[96]>, | ttnn.multiply | aten::mul.Tensor | 4 |
347 | Tensor<[1,96,112,112]>, Tensor<[1,96,112,112]>, | ttnn.multiply | aten::mul.Tensor | 4 |
348 | Tensor<[1,96,56,56]>, Tensor<[1,96,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
349 | Tensor<[144]>, Tensor<[144]>, | ttnn.multiply | aten::mul.Tensor | 4 |
350 | Tensor<[1,144,56,56]>, Tensor<[1,144,56,56]>, | ttnn.multiply | aten::mul.Tensor | 4 |
351 | Tensor<[1,144,28,28]>, Tensor<[1,144,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
352 | Tensor<[1,32,28,28]>, Tensor<[1,32,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
353 | Tensor<[1,192,28,28]>, Tensor<[1,192,28,28]>, | ttnn.multiply | aten::mul.Tensor | 4 |
354 | Tensor<[1,192,14,14]>, Tensor<[1,192,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
355 | Tensor<[1,64,14,14]>, Tensor<[1,64,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
356 | Tensor<[384]>, Tensor<[384]>, | ttnn.multiply | aten::mul.Tensor | 4 |
357 | Tensor<[1,384,14,14]>, Tensor<[1,384,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
358 | Tensor<[1,96,14,14]>, Tensor<[1,96,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
359 | Tensor<[576]>, Tensor<[576]>, | ttnn.multiply | aten::mul.Tensor | 4 |
360 | Tensor<[1,576,14,14]>, Tensor<[1,576,14,14]>, | ttnn.multiply | aten::mul.Tensor | 4 |
361 | Tensor<[1,576,7,7]>, Tensor<[1,576,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
362 | Tensor<[960]>, Tensor<[960]>, | ttnn.multiply | aten::mul.Tensor | 4 |
363 | Tensor<[1,960,7,7]>, Tensor<[1,960,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
364 | Tensor<[1,320,7,7]>, Tensor<[1,320,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
365 | Tensor<[1,1280,7,7]>, Tensor<[1,1280,7,7]>, | ttnn.multiply | aten::mul.Tensor | 4 |
366 | Tensor<[1,12,12,64]>, Tensor<[1,12,12,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
367 | Tensor<[1,12,64,12]>, Tensor<[1,12,64,12]>, | ttnn.multiply | aten::mul.Scalar | 4 |
368 | Tensor<[1,12,128]>, Tensor<[1,12,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
369 | Tensor<[12,768]>, Tensor<[12,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
370 | Tensor<[1,12,768]>, Tensor<[1,12,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
371 | Tensor<[12,3072]>, Tensor<[12,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
372 | Tensor<[1,12,3072]>, Tensor<[1,12,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
373 | Tensor<[12,2]>, Tensor<[12,2]>, | ttnn.multiply | aten::mul.Tensor | 4 |
374 | Tensor<[1,12,9,64]>, Tensor<[1,12,9,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
375 | Tensor<[1,12,64,9]>, Tensor<[1,12,64,9]>, | ttnn.multiply | aten::mul.Scalar | 4 |
376 | Tensor<[1,9,128]>, Tensor<[1,9,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
377 | Tensor<[9,768]>, Tensor<[9,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
378 | Tensor<[1,9,768]>, Tensor<[1,9,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
379 | Tensor<[9,3072]>, Tensor<[9,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
380 | Tensor<[1,9,3072]>, Tensor<[1,9,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
381 | Tensor<[9,128]>, Tensor<[9,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
382 | Tensor<[9,30000]>, Tensor<[9,30000]>, | ttnn.multiply | aten::mul.Tensor | 4 |
383 | Tensor<[30000]>, Tensor<[30000]>, | ttnn.multiply | aten::mul.Tensor | 4 |
384 | Tensor<[1,16,9,128]>, Tensor<[1,16,9,128]>, | ttnn.multiply | aten::mul.Scalar | 4 |
385 | Tensor<[1,16,128,9]>, Tensor<[1,16,128,9]>, | ttnn.multiply | aten::mul.Scalar | 4 |
386 | Tensor<[9,2048]>, Tensor<[9,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
387 | Tensor<[1,9,2048]>, Tensor<[1,9,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
388 | Tensor<[9,8192]>, Tensor<[9,8192]>, | ttnn.multiply | aten::mul.Tensor | 4 |
389 | Tensor<[8192]>, Tensor<[8192]>, | ttnn.multiply | aten::mul.Tensor | 4 |
390 | Tensor<[1,9,8192]>, Tensor<[1,9,8192]>, | ttnn.multiply | aten::mul.Tensor | 4 |
391 | Tensor<[1,16,9,64]>, Tensor<[1,16,9,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
392 | Tensor<[1,16,64,9]>, Tensor<[1,16,64,9]>, | ttnn.multiply | aten::mul.Scalar | 4 |
393 | Tensor<[9,1024]>, Tensor<[9,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
394 | Tensor<[1,9,1024]>, Tensor<[1,9,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
395 | Tensor<[9,4096]>, Tensor<[9,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
396 | Tensor<[1,9,4096]>, Tensor<[1,9,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
397 | Tensor<[1,64,9,64]>, Tensor<[1,64,9,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
398 | Tensor<[1,64,64,9]>, Tensor<[1,64,64,9]>, | ttnn.multiply | aten::mul.Scalar | 4 |
399 | Tensor<[9,16384]>, Tensor<[9,16384]>, | ttnn.multiply | aten::mul.Tensor | 4 |
400 | Tensor<[16384]>, Tensor<[16384]>, | ttnn.multiply | aten::mul.Tensor | 4 |
401 | Tensor<[1,9,16384]>, Tensor<[1,9,16384]>, | ttnn.multiply | aten::mul.Tensor | 4 |
402 | Tensor<[1,2]>, Tensor<[1,2]>, | ttnn.multiply | aten::mul.Tensor | 4 |
403 | Tensor<[1,12,14,64]>, Tensor<[1,12,14,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
404 | Tensor<[1,12,64,14]>, Tensor<[1,12,64,14]>, | ttnn.multiply | aten::mul.Scalar | 4 |
405 | Tensor<[1,14,128]>, Tensor<[1,14,128]>, | ttnn.multiply | aten::mul.Tensor | 4 |
406 | Tensor<[14,768]>, Tensor<[14,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
407 | Tensor<[1,14,768]>, Tensor<[1,14,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
408 | Tensor<[14,3072]>, Tensor<[14,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
409 | Tensor<[1,14,3072]>, Tensor<[1,14,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
410 | Tensor<[14,2]>, Tensor<[14,2]>, | ttnn.multiply | aten::mul.Tensor | 4 |
411 | Tensor<[1,12,50,64]>, Tensor<[1,12,50,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
412 | Tensor<[1,12,64,50]>, Tensor<[1,12,64,50]>, | ttnn.multiply | aten::mul.Scalar | 4 |
413 | Tensor<[2,8,7,64]>, Tensor<[2,8,7,64]>, | ttnn.multiply | aten::mul.Scalar | 4 |
414 | Tensor<[2,8,64,7]>, Tensor<[2,8,64,7]>, | ttnn.multiply | aten::mul.Scalar | 4 |
415 | Tensor<[1,50,768]>, Tensor<[1,50,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
416 | Tensor<[50,768]>, Tensor<[50,768]>, | ttnn.multiply | aten::mul.Tensor | 4 |
417 | Tensor<[50,3072]>, Tensor<[50,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
418 | Tensor<[1,50,3072]>, Tensor<[1,50,3072]>, | ttnn.multiply | aten::mul.Tensor | 4 |
419 | Tensor<[2,7,512]>, Tensor<[2,7,512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
420 | Tensor<[14,512]>, Tensor<[14,512]>, | ttnn.multiply | aten::mul.Tensor | 4 |
421 | Tensor<[14,2048]>, Tensor<[14,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
422 | Tensor<[2,7,2048]>, Tensor<[2,7,2048]>, | ttnn.multiply | aten::mul.Tensor | 4 |
423 | Tensor<[2,1]>, Tensor<[2,1]>, | ttnn.multiply | aten::mul.Tensor | 4 |
424 | Tensor<[27]>, Tensor<[27]>, | ttnn.multiply | aten::arange | 4 |
425 | Tensor<[197]>, Tensor<[197]>, | ttnn.multiply | aten::arange | 4 |
426 | Tensor<[1,197,4096]>, Tensor<[1,197,4096]>, | ttnn.multiply | aten::gelu | 4 |
427 | Tensor<[1,197,1024]>, Tensor<[1,197,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
428 | Tensor<[197,1024]>, Tensor<[197,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
429 | Tensor<[1,16,27,27]>, Tensor<[1,16,27,27]>, | ttnn.multiply | aten::mul.Tensor | 4 |
430 | Tensor<[196,196]>, Tensor<[196,196]>, | ttnn.multiply | aten::mul.Tensor | 4 |
431 | Tensor<[197,4096]>, Tensor<[197,4096]>, | ttnn.multiply | aten::mul.Tensor | 4 |
432 | Tensor<[1,1024]>, Tensor<[1,1024]>, | ttnn.multiply | aten::mul.Tensor | 4 |
433 | Tensor<[1,12,27,27]>, Tensor<[1,12,27,27]>, | ttnn.multiply | aten::mul.Tensor | 4 |
434 | Tensor<[1,64]>, Tensor<[1,64]>, | ttnn.multiply | aten::mul.Tensor | 4 |
435 | Tensor<[1,12]>, Tensor<[1,12]>, | ttnn.multiply | aten::mul.Tensor | 4 |
436 | Tensor<[1,784]>, Tensor<[1,784]>, | ttnn.multiply | aten::mul.Tensor | 4 |
437 | Tensor<[784]>, Tensor<[784]>, | ttnn.multiply | aten::mul.Tensor | 4 |
stablehlo.negate::ttnn.neg
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,64]>, | ttnn.neg | aten::neg | 5 |
1 | Tensor<[19]>, | ttnn.neg | aten::neg | 5 |
2 | Tensor<[1,71,7,32]>, | ttnn.neg | aten::neg | 5 |
3 | Tensor<[1,1,7,32]>, | ttnn.neg | aten::neg | 5 |
stablehlo.not::ttnn.not
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,23,40]>, | ttnn.not | aten::bitwise_not | 5 |
stablehlo.power::ttnn.pow
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,4096]>, Tensor<[1,32,4096]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
1 | Tensor<[1,7,3072]>, Tensor<[1,7,3072]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
2 | Tensor<[128]>, Tensor<[128]>, | ttnn.pow | aten::pow.Scalar | 4 |
3 | Tensor<[16]>, Tensor<[16]>, | ttnn.pow | aten::pow.Tensor_Tensor | 4 |
4 | Tensor<[1,12,3072]>, Tensor<[1,12,3072]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
5 | Tensor<[1,9,3072]>, Tensor<[1,9,3072]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
6 | Tensor<[1,9,128]>, Tensor<[1,9,128]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
7 | Tensor<[1,9,8192]>, Tensor<[1,9,8192]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
8 | Tensor<[1,9,4096]>, Tensor<[1,9,4096]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
9 | Tensor<[1,9,16384]>, Tensor<[1,9,16384]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
10 | Tensor<[1,14,3072]>, Tensor<[1,14,3072]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
11 | Tensor<[1,512]>, Tensor<[1,512]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
12 | Tensor<[1,1]>, Tensor<[1,1]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
13 | Tensor<[2,512]>, Tensor<[2,512]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
14 | Tensor<[2,1]>, Tensor<[2,1]>, | ttnn.pow | aten::pow.Tensor_Scalar | 4 |
stablehlo.reduce_stablehlo.add::ttnn.sum
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
1 | Tensor<[1,32,4096]>, Scalar, dim: [2] | ttnn.sum | aten::mean.dim | 4 |
2 | Tensor<[1,12,7,7]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
3 | Tensor<[1,512,256]>, Scalar, dim: [2] | ttnn.sum | aten::mean.dim | 4 |
4 | Tensor<[8,920,920]>, Scalar, dim: [2] | ttnn.sum | aten::_softmax | 4 |
5 | Tensor<[8,100,100]>, Scalar, dim: [2] | ttnn.sum | aten::_softmax | 4 |
6 | Tensor<[8,100,920]>, Scalar, dim: [2] | ttnn.sum | aten::_softmax | 4 |
7 | Tensor<[1,12,10,10]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
8 | Tensor<[1,8,4096,4096]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
9 | Tensor<[1,8,4096,9]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
10 | Tensor<[1,8,1024,1024]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
11 | Tensor<[1,8,1024,9]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
12 | Tensor<[1,8,256,256]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
13 | Tensor<[1,8,256,9]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
14 | Tensor<[1,8,64,64]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
15 | Tensor<[1,8,64,9]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
16 | Tensor<[1,12,25,25]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
17 | Tensor<[1,3,1445,1445]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
18 | Tensor<[1,512,7,7]>, Scalar, dim: [2, | ttnn.sum | aten::mean.dim | 4 |
19 | Tensor<[1,12,8,8]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
20 | Tensor<[1,8,256,2048]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
21 | Tensor<[1,8,2048,256]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
22 | Tensor<[1,2048,7,7]>, Scalar, dim: [2, | ttnn.sum | aten::mean.dim | 4 |
23 | Tensor<[1,12,201,201]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
24 | Tensor<[1,12,16]>, Scalar, dim: [1] | ttnn.sum | aten::sum.dim_IntList | 4 |
25 | Tensor<[1,12,16]>, Scalar, dim: [2] | ttnn.sum | aten::sum.dim_IntList | 4 |
26 | Tensor<[1,10]>, Scalar, dim: [1] | ttnn.sum | aten::sum.dim_IntList | 5 |
27 | Tensor<[16,19,19]>, Scalar, dim: [2] | ttnn.sum | aten::_softmax | 4 |
28 | Tensor<[19]>, Scalar, dim: [0] | ttnn.sum | aten::sum | 4 |
29 | Tensor<[19,256008]>, Scalar, dim: [1] | ttnn.sum | aten::sum.dim_IntList | 5 |
30 | Tensor<[1,1024,7,7]>, Scalar, dim: [2, | ttnn.sum | aten::mean.dim | 4 |
31 | Tensor<[1,16,32,32]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
32 | Tensor<[1,12,16,16]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
33 | Tensor<[1,1,19200,300]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
34 | Tensor<[1,2,4800,300]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
35 | Tensor<[1,5,1200,300]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
36 | Tensor<[1,8,300,300]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
37 | Tensor<[1,12,197,197]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
38 | Tensor<[1,1,16384,256]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
39 | Tensor<[1,2,4096,256]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
40 | Tensor<[1,5,1024,256]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
41 | Tensor<[1,71,7,7]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
42 | Tensor<[1,1280,7,7]>, Scalar, dim: [2, | ttnn.sum | aten::mean.dim | 4 |
43 | Tensor<[1,12,12,12]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
44 | Tensor<[1,12,9,9]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
45 | Tensor<[1,16,9,9]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
46 | Tensor<[1,64,9,9]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
47 | Tensor<[1,12,14,14]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
48 | Tensor<[1,12,50,50]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
49 | Tensor<[2,8,7,7]>, Scalar, dim: [3] | ttnn.sum | aten::_safe_softmax | 4 |
50 | Tensor<[1,512]>, Scalar, dim: [1] | ttnn.sum | aten::sum.dim_IntList | 4 |
51 | Tensor<[2,512]>, Scalar, dim: [1] | ttnn.sum | aten::sum.dim_IntList | 4 |
52 | Tensor<[1,16,197,197]>, Scalar, dim: [3] | ttnn.sum | aten::_softmax | 4 |
53 | Tensor<[1,196,1024]>, Scalar, dim: [1] | ttnn.sum | aten::mean.dim | 4 |
54 | Tensor<[196,196,2]>, Scalar, dim: [2] | ttnn.sum | aten::sum.dim_IntList | 4 |
55 | Tensor<[1,196,768]>, Scalar, dim: [1] | ttnn.sum | aten::mean.dim | 4 |
stablehlo.reduce_stablehlo.and::ttnn.?
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
1 | Tensor<[1,12,7,7]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
2 | Tensor<[1,12,10,10]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
3 | Tensor<[1,8,4096,4096]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
4 | Tensor<[1,8,4096,9]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
5 | Tensor<[1,8,1024,1024]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
6 | Tensor<[1,8,1024,9]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
7 | Tensor<[1,8,256,256]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
8 | Tensor<[1,8,256,9]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
9 | Tensor<[1,8,64,64]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
10 | Tensor<[1,8,64,9]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
11 | Tensor<[1,12,25,25]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
12 | Tensor<[1,3,1445,1445]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
13 | Tensor<[1,12,16,16]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
14 | Tensor<[1,12,197,197]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
15 | Tensor<[1,71,7,7]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
16 | Tensor<[1,12,12,12]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
17 | Tensor<[1,12,9,9]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
18 | Tensor<[1,16,9,9]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
19 | Tensor<[1,64,9,9]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
20 | Tensor<[1,12,14,14]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
21 | Tensor<[1,12,50,50]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
22 | Tensor<[2,8,7,7]>, Scalar, dim: [3] | ttnn.? | aten::_safe_softmax | 4 |
stablehlo.reduce_stablehlo.maximum::ttnn.max
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
1 | Tensor<[1,12,7,7]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
2 | Tensor<[8,920,920]>, Scalar, dim: [2] | ttnn.max | aten::_softmax | 4 |
3 | Tensor<[8,100,100]>, Scalar, dim: [2] | ttnn.max | aten::_softmax | 4 |
4 | Tensor<[8,100,920]>, Scalar, dim: [2] | ttnn.max | aten::_softmax | 4 |
5 | Tensor<[1,12,10,10]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
6 | Tensor<[1,8,4096,4096]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
7 | Tensor<[1,8,4096,9]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
8 | Tensor<[1,8,1024,1024]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
9 | Tensor<[1,8,1024,9]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
10 | Tensor<[1,8,256,256]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
11 | Tensor<[1,8,256,9]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
12 | Tensor<[1,8,64,64]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
13 | Tensor<[1,8,64,9]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
14 | Tensor<[1,12,25,25]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
15 | Tensor<[1,3,1445,1445]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
16 | Tensor<[1,12,8,8]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
17 | Tensor<[1,8,256,2048]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
18 | Tensor<[1,8,2048,256]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
19 | Tensor<[1,12,201,201]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
20 | Tensor<[1]>, Scalar, dim: [0] | ttnn.max | aten::max | 4 |
21 | Tensor<[1,10]>, Scalar, dim: [1] | ttnn.max | aten::amax | 5 |
22 | Tensor<[16,19,19]>, Scalar, dim: [2] | ttnn.max | aten::_softmax | 4 |
23 | Tensor<[19,256008]>, Scalar, dim: [1] | ttnn.max | aten::amax | 5 |
24 | Tensor<[1,16,32,32]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
25 | Tensor<[1,12,16,16]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
26 | Tensor<[1,1,19200,300]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
27 | Tensor<[1,2,4800,300]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
28 | Tensor<[1,5,1200,300]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
29 | Tensor<[1,8,300,300]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
30 | Tensor<[1,12,197,197]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
31 | Tensor<[1,1,16384,256]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
32 | Tensor<[1,2,4096,256]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
33 | Tensor<[1,5,1024,256]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
34 | Tensor<[1,71,7,7]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
35 | Tensor<[1,12,12,12]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
36 | Tensor<[1,12,9,9]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
37 | Tensor<[1,16,9,9]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
38 | Tensor<[1,64,9,9]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
39 | Tensor<[1,12,14,14]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
40 | Tensor<[1,12,50,50]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
41 | Tensor<[2,8,7,7]>, Scalar, dim: [3] | ttnn.max | aten::_safe_softmax | 4 |
42 | Tensor<[1,16,197,197]>, Scalar, dim: [3] | ttnn.max | aten::_softmax | 4 |
stablehlo.reduce_window_stablehlo.add::ttnn.avg_pool2d
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,23,40]>, Scalar, | ttnn.avg_pool2d | aten::cumsum | 4 |
1 | Tensor<[1,10]>, Scalar, | ttnn.avg_pool2d | aten::cumsum | 4 |
2 | Tensor<[1,32]>, Scalar, | ttnn.avg_pool2d | aten::cumsum | 4 |
stablehlo.remainder::ttnn.remainder
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1]>, Tensor<[1]>, | ttnn.remainder | aten::remainder.Scalar | 4 |
stablehlo.reshape::ttnn.reshape
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32]>, Tensor<[1,32,32,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
1 | Tensor<[1]>, Scalar, | ttnn.reshape | aten::_safe_softmax | 4 |
2 | Tensor<[1,64,32]>, Tensor<[1,64,32]>, | ttnn.reshape | aten::_unsafe_view | 5 |
3 | Tensor<[32,4096]>, Tensor<[1,32,4096]>, | ttnn.reshape | aten::_unsafe_view | 5 |
4 | Tensor<[32,11008]>, Tensor<[1,32,11008]>, | ttnn.reshape | aten::_unsafe_view | 5 |
5 | Tensor<[32,32000]>, Tensor<[1,32,32000]>, | ttnn.reshape | aten::_unsafe_view | 5 |
6 | Scalar, Tensor<[1]>, | ttnn.reshape | aten::arange | 4 |
7 | Tensor<[1,32]>, Tensor<[1,32,1]>, | ttnn.reshape | aten::mean.dim | 4 |
8 | Tensor<[32]>, Tensor<[32,1]>, | ttnn.reshape | aten::triu | 4 |
9 | Tensor<[32]>, Tensor<[1,32]>, | ttnn.reshape | aten::triu | 4 |
10 | Tensor<[32,32]>, Tensor<[1,32,32]>, | ttnn.reshape | aten::unsqueeze | 5 |
11 | Tensor<[1,32,32]>, Tensor<[1,1,32,32]>, | ttnn.reshape | aten::unsqueeze | 5 |
12 | Tensor<[1,32]>, Tensor<[1,1,32]>, | ttnn.reshape | aten::unsqueeze | 4 |
13 | Tensor<[1,1,32]>, Tensor<[1,1,1,32]>, | ttnn.reshape | aten::unsqueeze | 4 |
14 | Tensor<[64]>, Tensor<[1,64]>, | ttnn.reshape | aten::unsqueeze | 5 |
15 | Tensor<[1,64]>, Tensor<[1,64,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
16 | Tensor<[1,32,128]>, Tensor<[1,1,32,128]>, | ttnn.reshape | aten::unsqueeze | 5 |
17 | Tensor<[1,64,1]>, Tensor<[1,64,1]>, | ttnn.reshape | aten::view | 5 |
18 | Tensor<[1,1,32]>, Tensor<[1,1,32]>, | ttnn.reshape | aten::view | 5 |
19 | Tensor<[1,32,4096]>, Tensor<[32,4096]>, | ttnn.reshape | aten::view | 5 |
20 | Tensor<[1,32,4096]>, Tensor<[1,32,32,128]>, | ttnn.reshape | aten::view | 5 |
21 | Tensor<[1,32,32,128]>, Tensor<[32,32,128]>, | ttnn.reshape | aten::view | 5 |
22 | Tensor<[1,32,128,32]>, Tensor<[32,128,32]>, | ttnn.reshape | aten::view | 5 |
23 | Tensor<[32,32,32]>, Tensor<[1,32,32,32]>, | ttnn.reshape | aten::view | 5 |
24 | Tensor<[1,32,32,32]>, Tensor<[32,32,32]>, | ttnn.reshape | aten::view | 5 |
25 | Tensor<[32,32,128]>, Tensor<[1,32,32,128]>, | ttnn.reshape | aten::view | 5 |
26 | Tensor<[1,32,32,128]>, Tensor<[1,32,4096]>, | ttnn.reshape | aten::view | 5 |
27 | Tensor<[1,32,11008]>, Tensor<[32,11008]>, | ttnn.reshape | aten::view | 5 |
28 | Tensor<[1,12,7]>, Tensor<[1,12,7,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
29 | Tensor<[7,2]>, Tensor<[1,7,2]>, | ttnn.reshape | aten::_unsafe_view | 5 |
30 | Tensor<[1]>, Tensor<[1,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
31 | Tensor<[7]>, Tensor<[1,7]>, | ttnn.reshape | aten::unsqueeze | 4 |
32 | Tensor<[7,7]>, Tensor<[1,7,7]>, | ttnn.reshape | aten::unsqueeze | 5 |
33 | Tensor<[1,7,7]>, Tensor<[1,1,7,7]>, | ttnn.reshape | aten::unsqueeze | 5 |
34 | Tensor<[1,7]>, Tensor<[1,1,7]>, | ttnn.reshape | aten::unsqueeze | 4 |
35 | Tensor<[1,1,7]>, Tensor<[1,1,1,7]>, | ttnn.reshape | aten::unsqueeze | 4 |
36 | Tensor<[1,7]>, Tensor<[1,7]>, | ttnn.reshape | aten::view | 4 |
37 | Tensor<[7]>, Tensor<[7,1]>, | ttnn.reshape | aten::view | 4 |
38 | Tensor<[1,7,768]>, Tensor<[7,768]>, | ttnn.reshape | aten::view | 5 |
39 | Tensor<[7,2304]>, Tensor<[1,7,2304]>, | ttnn.reshape | aten::view | 5 |
40 | Tensor<[1,7,768]>, Tensor<[1,7,12,64]>, | ttnn.reshape | aten::view | 5 |
41 | Tensor<[1,12,7,64]>, Tensor<[12,7,64]>, | ttnn.reshape | aten::view | 5 |
42 | Tensor<[1,12,64,7]>, Tensor<[12,64,7]>, | ttnn.reshape | aten::view | 5 |
43 | Tensor<[12,7,7]>, Tensor<[1,12,7,7]>, | ttnn.reshape | aten::view | 5 |
44 | Tensor<[1,12,7,7]>, Tensor<[12,7,7]>, | ttnn.reshape | aten::view | 5 |
45 | Tensor<[12,7,64]>, Tensor<[1,12,7,64]>, | ttnn.reshape | aten::view | 5 |
46 | Tensor<[1,7,12,64]>, Tensor<[1,7,768]>, | ttnn.reshape | aten::view | 5 |
47 | Tensor<[7,768]>, Tensor<[1,7,768]>, | ttnn.reshape | aten::view | 5 |
48 | Tensor<[7,3072]>, Tensor<[1,7,3072]>, | ttnn.reshape | aten::view | 5 |
49 | Tensor<[1,7,3072]>, Tensor<[7,3072]>, | ttnn.reshape | aten::view | 5 |
50 | Tensor<[1,7,768]>, Tensor<[1,7,768]>, | ttnn.reshape | aten::view | 5 |
51 | Tensor<[128]>, Tensor<[128,1,1]>, | ttnn.reshape | aten::convolution | 4 |
52 | Tensor<[512]>, Tensor<[512,1,1]>, | ttnn.reshape | aten::convolution | 4 |
53 | Tensor<[19]>, Tensor<[19,1,1]>, | ttnn.reshape | aten::convolution | 4 |
54 | Tensor<[38]>, Tensor<[38,1,1]>, | ttnn.reshape | aten::convolution | 4 |
55 | Tensor<[32,1]>, Tensor<[32,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
56 | Tensor<[64]>, Tensor<[64,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
57 | Tensor<[64,1]>, Tensor<[64,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
58 | Tensor<[128]>, Tensor<[128,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
59 | Tensor<[128,1]>, Tensor<[128,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
60 | Tensor<[256]>, Tensor<[256,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
61 | Tensor<[256,1]>, Tensor<[256,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
62 | Tensor<[512]>, Tensor<[512,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
63 | Tensor<[512,1]>, Tensor<[512,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
64 | Tensor<[1,16,16,16,16,3]>, Tensor<[1,256,768]>, | ttnn.reshape | aten::_unsafe_view | 5 |
65 | Tensor<[1024]>, Tensor<[1024,1]>, | ttnn.reshape | aten::convolution | 4 |
66 | Tensor<[1,3,256,256]>, Tensor<[1,3,16,16,16,16]>, | ttnn.reshape | aten::view | 4 |
67 | Tensor<[1,256,768]>, Tensor<[256,768]>, | ttnn.reshape | aten::view | 5 |
68 | Tensor<[256,512]>, Tensor<[1,256,512]>, | ttnn.reshape | aten::view | 5 |
69 | Tensor<[1,256,512]>, Tensor<[256,512]>, | ttnn.reshape | aten::view | 5 |
70 | Tensor<[256,256]>, Tensor<[1,256,256]>, | ttnn.reshape | aten::view | 5 |
71 | Tensor<[1,256,256]>, Tensor<[256,256]>, | ttnn.reshape | aten::view | 5 |
72 | Tensor<[8,920]>, Tensor<[8,920,1]>, | ttnn.reshape | aten::_softmax | 4 |
73 | Tensor<[8,100]>, Tensor<[8,100,1]>, | ttnn.reshape | aten::_softmax | 4 |
74 | Tensor<[920,1,256]>, Tensor<[920,1,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
75 | Tensor<[6,100,92]>, Tensor<[6,1,100,92]>, | ttnn.reshape | aten::_unsafe_view | 5 |
76 | Tensor<[6,1,100,92]>, Tensor<[6,100,92]>, | ttnn.reshape | aten::_unsafe_view | 5 |
77 | Tensor<[6,100,256]>, Tensor<[6,1,100,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
78 | Tensor<[6,1,100,256]>, Tensor<[6,100,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
79 | Tensor<[600,256]>, Tensor<[6,1,100,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
80 | Tensor<[6,1,100,256]>, Tensor<[600,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
81 | Tensor<[600,4]>, Tensor<[6,1,100,4]>, | ttnn.reshape | aten::_unsafe_view | 5 |
82 | Tensor<[6,1,100,4]>, Tensor<[600,4]>, | ttnn.reshape | aten::_unsafe_view | 5 |
83 | Tensor<[256]>, Tensor<[256,1,1]>, | ttnn.reshape | aten::convolution | 4 |
84 | Tensor<[1,1]>, Tensor<[1,1,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
85 | Tensor<[1,1,1]>, Tensor<[1,1,1,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
86 | Tensor<[1,1,23,40]>, Tensor<[1,1,23,40,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
87 | Tensor<[100,1,256]>, Tensor<[1,100,1,256]>, | ttnn.reshape | aten::repeat | 4 |
88 | Tensor<[1,100,1,256]>, Tensor<[1,100,1,1,256]>, | ttnn.reshape | aten::repeat | 4 |
89 | Tensor<[1,100,1,1,256]>, Tensor<[1,100,1,1,1,256]>, | ttnn.reshape | aten::repeat | 4 |
90 | Tensor<[1,100,1,1,1,256]>, Tensor<[100,1,1,1,256]>, | ttnn.reshape | aten::repeat | 4 |
91 | Tensor<[100,1,1,1,256]>, Tensor<[100,1,1,256]>, | ttnn.reshape | aten::repeat | 4 |
92 | Tensor<[100,1,1,256]>, Tensor<[100,1,256]>, | ttnn.reshape | aten::repeat | 4 |
93 | Tensor<[1,3,720,1280]>, Tensor<[3,720,1280]>, | ttnn.reshape | aten::select.int | 5 |
94 | Tensor<[1,720,1280]>, Tensor<[720,1280]>, | ttnn.reshape | aten::select.int | 4 |
95 | Tensor<[1,1,23,40]>, Tensor<[1,23,40]>, | ttnn.reshape | aten::select.int | 4 |
96 | Tensor<[1,1,100,4]>, Tensor<[1,100,4]>, | ttnn.reshape | aten::select.int | 4 |
97 | Tensor<[1,1,100,92]>, Tensor<[1,100,92]>, | ttnn.reshape | aten::select.int | 4 |
98 | Tensor<[3,720,1280]>, Tensor<[1,3,720,1280]>, | ttnn.reshape | aten::select_scatter | 4 |
99 | Tensor<[720,1280]>, Tensor<[1,720,1280]>, | ttnn.reshape | aten::select_scatter | 4 |
100 | Tensor<[1,23,40,64]>, Tensor<[1,23,40,64,1]>, | ttnn.reshape | aten::stack | 5 |
101 | Tensor<[1,720,1280]>, Tensor<[1,1,720,1280]>, | ttnn.reshape | aten::unsqueeze | 4 |
102 | Tensor<[23]>, Tensor<[23,1]>, | ttnn.reshape | aten::unsqueeze | 4 |
103 | Tensor<[1,23,40]>, Tensor<[1,23,40,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
104 | Tensor<[100,256]>, Tensor<[100,1,256]>, | ttnn.reshape | aten::unsqueeze | 5 |
105 | Tensor<[64]>, Tensor<[1,64,1,1]>, | ttnn.reshape | aten::view | 5 |
106 | Tensor<[256]>, Tensor<[1,256,1,1]>, | ttnn.reshape | aten::view | 5 |
107 | Tensor<[128]>, Tensor<[1,128,1,1]>, | ttnn.reshape | aten::view | 5 |
108 | Tensor<[512]>, Tensor<[1,512,1,1]>, | ttnn.reshape | aten::view | 5 |
109 | Tensor<[1024]>, Tensor<[1,1024,1,1]>, | ttnn.reshape | aten::view | 5 |
110 | Tensor<[2048]>, Tensor<[1,2048,1,1]>, | ttnn.reshape | aten::view | 5 |
111 | Tensor<[1,23,40,64,2]>, Tensor<[1,23,40,128]>, | ttnn.reshape | aten::view | 5 |
112 | Tensor<[1,256,23,40]>, Tensor<[1,256,920]>, | ttnn.reshape | aten::view | 5 |
113 | Tensor<[1,23,40]>, Tensor<[1,920]>, | ttnn.reshape | aten::view | 4 |
114 | Tensor<[920,256,256]>, Tensor<[920,256,256]>, | ttnn.reshape | aten::view | 5 |
115 | Tensor<[920,1,256]>, Tensor<[920,8,32]>, | ttnn.reshape | aten::view | 5 |
116 | Tensor<[1,920]>, Tensor<[1,1,1,920]>, | ttnn.reshape | aten::view | 5 |
117 | Tensor<[1,8,1,920]>, Tensor<[8,1,920]>, | ttnn.reshape | aten::view | 5 |
118 | Tensor<[920,8,32]>, Tensor<[920,256]>, | ttnn.reshape | aten::view | 5 |
119 | Tensor<[920,256]>, Tensor<[920,1,256]>, | ttnn.reshape | aten::view | 5 |
120 | Tensor<[920,1,256]>, Tensor<[920,256]>, | ttnn.reshape | aten::view | 5 |
121 | Tensor<[920,2048]>, Tensor<[920,1,2048]>, | ttnn.reshape | aten::view | 5 |
122 | Tensor<[920,1,2048]>, Tensor<[920,2048]>, | ttnn.reshape | aten::view | 5 |
123 | Tensor<[100,1,256]>, Tensor<[100,256]>, | ttnn.reshape | aten::view | 5 |
124 | Tensor<[100,1,256]>, Tensor<[100,8,32]>, | ttnn.reshape | aten::view | 5 |
125 | Tensor<[100,8,32]>, Tensor<[100,256]>, | ttnn.reshape | aten::view | 5 |
126 | Tensor<[100,2048]>, Tensor<[100,1,2048]>, | ttnn.reshape | aten::view | 5 |
127 | Tensor<[100,1,2048]>, Tensor<[100,2048]>, | ttnn.reshape | aten::view | 5 |
128 | Tensor<[6,1,256,92]>, Tensor<[6,256,92]>, | ttnn.reshape | aten::view | 5 |
129 | Tensor<[6,1,256,256]>, Tensor<[6,256,256]>, | ttnn.reshape | aten::view | 5 |
130 | Tensor<[1,12,10]>, Tensor<[1,12,10,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
131 | Tensor<[1,10]>, Tensor<[1,1,10]>, | ttnn.reshape | aten::unsqueeze | 4 |
132 | Tensor<[1,1,10]>, Tensor<[1,1,1,10]>, | ttnn.reshape | aten::unsqueeze | 4 |
133 | Tensor<[1,10,768]>, Tensor<[10,768]>, | ttnn.reshape | aten::view | 5 |
134 | Tensor<[10,768]>, Tensor<[1,10,768]>, | ttnn.reshape | aten::view | 5 |
135 | Tensor<[1,10,768]>, Tensor<[1,10,12,64]>, | ttnn.reshape | aten::view | 5 |
136 | Tensor<[1,12,10,64]>, Tensor<[12,10,64]>, | ttnn.reshape | aten::view | 5 |
137 | Tensor<[1,12,64,10]>, Tensor<[12,64,10]>, | ttnn.reshape | aten::view | 5 |
138 | Tensor<[12,10,10]>, Tensor<[1,12,10,10]>, | ttnn.reshape | aten::view | 5 |
139 | Tensor<[1,12,10,10]>, Tensor<[12,10,10]>, | ttnn.reshape | aten::view | 5 |
140 | Tensor<[12,10,64]>, Tensor<[1,12,10,64]>, | ttnn.reshape | aten::view | 5 |
141 | Tensor<[1,10,12,64]>, Tensor<[1,10,768]>, | ttnn.reshape | aten::view | 5 |
142 | Tensor<[10,3072]>, Tensor<[1,10,3072]>, | ttnn.reshape | aten::view | 5 |
143 | Tensor<[1,10,3072]>, Tensor<[10,3072]>, | ttnn.reshape | aten::view | 5 |
144 | Tensor<[10,250002]>, Tensor<[1,10,250002]>, | ttnn.reshape | aten::view | 5 |
145 | Tensor<[1,8,4096]>, Tensor<[1,8,4096,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
146 | Tensor<[1,8,1024]>, Tensor<[1,8,1024,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
147 | Tensor<[1,8,256]>, Tensor<[1,8,256,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
148 | Tensor<[1,8,64]>, Tensor<[1,8,64,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
149 | Tensor<[4096,320]>, Tensor<[1,4096,320]>, | ttnn.reshape | aten::_unsafe_view | 5 |
150 | Tensor<[9,320]>, Tensor<[1,9,320]>, | ttnn.reshape | aten::_unsafe_view | 5 |
151 | Tensor<[1024,640]>, Tensor<[1,1024,640]>, | ttnn.reshape | aten::_unsafe_view | 5 |
152 | Tensor<[9,640]>, Tensor<[1,9,640]>, | ttnn.reshape | aten::_unsafe_view | 5 |
153 | Tensor<[256,1280]>, Tensor<[1,256,1280]>, | ttnn.reshape | aten::_unsafe_view | 5 |
154 | Tensor<[9,1280]>, Tensor<[1,9,1280]>, | ttnn.reshape | aten::_unsafe_view | 5 |
155 | Tensor<[64,1280]>, Tensor<[1,64,1280]>, | ttnn.reshape | aten::_unsafe_view | 5 |
156 | Tensor<[320]>, Tensor<[320,1,1]>, | ttnn.reshape | aten::convolution | 4 |
157 | Tensor<[640]>, Tensor<[640,1,1]>, | ttnn.reshape | aten::convolution | 4 |
158 | Tensor<[1280]>, Tensor<[1280,1,1]>, | ttnn.reshape | aten::convolution | 4 |
159 | Tensor<[4]>, Tensor<[4,1,1]>, | ttnn.reshape | aten::convolution | 4 |
160 | Tensor<[1280]>, Tensor<[1280,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
161 | Tensor<[1280,1]>, Tensor<[1280,1,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
162 | Tensor<[1,1280,16,16]>, Tensor<[1,1280,16,16,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
163 | Tensor<[1,1280,32,32]>, Tensor<[1,1280,32,32,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
164 | Tensor<[640]>, Tensor<[640,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
165 | Tensor<[640,1]>, Tensor<[640,1,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
166 | Tensor<[1,640,64,64]>, Tensor<[1,640,64,64,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
167 | Tensor<[160]>, Tensor<[1,160]>, | ttnn.reshape | aten::unsqueeze | 5 |
168 | Tensor<[320]>, Tensor<[1,320]>, | ttnn.reshape | aten::unsqueeze | 5 |
169 | Tensor<[1,320]>, Tensor<[1,320,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
170 | Tensor<[1,320,1]>, Tensor<[1,320,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
171 | Tensor<[1,640]>, Tensor<[1,640,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
172 | Tensor<[1,640,1]>, Tensor<[1,640,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
173 | Tensor<[640]>, Tensor<[1,640]>, | ttnn.reshape | aten::unsqueeze | 5 |
174 | Tensor<[1,1280]>, Tensor<[1,1280,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
175 | Tensor<[1,1280,1]>, Tensor<[1,1280,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
176 | Tensor<[1280]>, Tensor<[1,1280]>, | ttnn.reshape | aten::unsqueeze | 5 |
177 | Tensor<[2560]>, Tensor<[1,2560]>, | ttnn.reshape | aten::unsqueeze | 5 |
178 | Tensor<[1,2560]>, Tensor<[1,2560,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
179 | Tensor<[1,2560,1]>, Tensor<[1,2560,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
180 | Tensor<[16]>, Tensor<[16,1]>, | ttnn.reshape | aten::unsqueeze | 4 |
181 | Tensor<[1920]>, Tensor<[1,1920]>, | ttnn.reshape | aten::unsqueeze | 5 |
182 | Tensor<[1,1920]>, Tensor<[1,1920,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
183 | Tensor<[1,1920,1]>, Tensor<[1,1920,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
184 | Tensor<[960]>, Tensor<[1,960]>, | ttnn.reshape | aten::unsqueeze | 5 |
185 | Tensor<[1,960]>, Tensor<[1,960,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
186 | Tensor<[1,960,1]>, Tensor<[1,960,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
187 | Tensor<[1,320,64,64]>, Tensor<[1,32,10,4096]>, | ttnn.reshape | aten::view | 5 |
188 | Tensor<[1,32,10,4096]>, Tensor<[1,320,64,64]>, | ttnn.reshape | aten::view | 5 |
189 | Tensor<[1,64,64,320]>, Tensor<[1,4096,320]>, | ttnn.reshape | aten::view | 5 |
190 | Tensor<[1,4096,320]>, Tensor<[4096,320]>, | ttnn.reshape | aten::view | 5 |
191 | Tensor<[1,4096,320]>, Tensor<[1,4096,8,40]>, | ttnn.reshape | aten::view | 5 |
192 | Tensor<[1,8,4096,40]>, Tensor<[8,4096,40]>, | ttnn.reshape | aten::view | 5 |
193 | Tensor<[1,8,40,4096]>, Tensor<[8,40,4096]>, | ttnn.reshape | aten::view | 5 |
194 | Tensor<[8,4096,4096]>, Tensor<[1,8,4096,4096]>, | ttnn.reshape | aten::view | 5 |
195 | Tensor<[1,8,4096,4096]>, Tensor<[8,4096,4096]>, | ttnn.reshape | aten::view | 5 |
196 | Tensor<[8,4096,40]>, Tensor<[1,8,4096,40]>, | ttnn.reshape | aten::view | 5 |
197 | Tensor<[1,4096,8,40]>, Tensor<[1,4096,320]>, | ttnn.reshape | aten::view | 5 |
198 | Tensor<[1,9,768]>, Tensor<[9,768]>, | ttnn.reshape | aten::view | 5 |
199 | Tensor<[1,9,320]>, Tensor<[1,9,8,40]>, | ttnn.reshape | aten::view | 5 |
200 | Tensor<[1,8,40,9]>, Tensor<[8,40,9]>, | ttnn.reshape | aten::view | 5 |
201 | Tensor<[8,4096,9]>, Tensor<[1,8,4096,9]>, | ttnn.reshape | aten::view | 5 |
202 | Tensor<[1,8,4096,9]>, Tensor<[8,4096,9]>, | ttnn.reshape | aten::view | 5 |
203 | Tensor<[1,8,9,40]>, Tensor<[8,9,40]>, | ttnn.reshape | aten::view | 5 |
204 | Tensor<[4096,2560]>, Tensor<[1,4096,2560]>, | ttnn.reshape | aten::view | 5 |
205 | Tensor<[1,4096,1280]>, Tensor<[4096,1280]>, | ttnn.reshape | aten::view | 5 |
206 | Tensor<[1,4096,320]>, Tensor<[1,64,64,320]>, | ttnn.reshape | aten::view | 5 |
207 | Tensor<[1,320,32,32]>, Tensor<[1,32,10,1024]>, | ttnn.reshape | aten::view | 5 |
208 | Tensor<[1,32,10,1024]>, Tensor<[1,320,32,32]>, | ttnn.reshape | aten::view | 5 |
209 | Tensor<[1,640,32,32]>, Tensor<[1,32,20,1024]>, | ttnn.reshape | aten::view | 5 |
210 | Tensor<[1,32,20,1024]>, Tensor<[1,640,32,32]>, | ttnn.reshape | aten::view | 5 |
211 | Tensor<[1,32,32,640]>, Tensor<[1,1024,640]>, | ttnn.reshape | aten::view | 5 |
212 | Tensor<[1,1024,640]>, Tensor<[1024,640]>, | ttnn.reshape | aten::view | 5 |
213 | Tensor<[1,1024,640]>, Tensor<[1,1024,8,80]>, | ttnn.reshape | aten::view | 5 |
214 | Tensor<[1,8,1024,80]>, Tensor<[8,1024,80]>, | ttnn.reshape | aten::view | 5 |
215 | Tensor<[1,8,80,1024]>, Tensor<[8,80,1024]>, | ttnn.reshape | aten::view | 5 |
216 | Tensor<[8,1024,1024]>, Tensor<[1,8,1024,1024]>, | ttnn.reshape | aten::view | 5 |
217 | Tensor<[1,8,1024,1024]>, Tensor<[8,1024,1024]>, | ttnn.reshape | aten::view | 5 |
218 | Tensor<[8,1024,80]>, Tensor<[1,8,1024,80]>, | ttnn.reshape | aten::view | 5 |
219 | Tensor<[1,1024,8,80]>, Tensor<[1,1024,640]>, | ttnn.reshape | aten::view | 5 |
220 | Tensor<[1,9,640]>, Tensor<[1,9,8,80]>, | ttnn.reshape | aten::view | 5 |
221 | Tensor<[1,8,80,9]>, Tensor<[8,80,9]>, | ttnn.reshape | aten::view | 5 |
222 | Tensor<[8,1024,9]>, Tensor<[1,8,1024,9]>, | ttnn.reshape | aten::view | 5 |
223 | Tensor<[1,8,1024,9]>, Tensor<[8,1024,9]>, | ttnn.reshape | aten::view | 5 |
224 | Tensor<[1,8,9,80]>, Tensor<[8,9,80]>, | ttnn.reshape | aten::view | 5 |
225 | Tensor<[1024,5120]>, Tensor<[1,1024,5120]>, | ttnn.reshape | aten::view | 5 |
226 | Tensor<[1,1024,2560]>, Tensor<[1024,2560]>, | ttnn.reshape | aten::view | 5 |
227 | Tensor<[1,1024,640]>, Tensor<[1,32,32,640]>, | ttnn.reshape | aten::view | 5 |
228 | Tensor<[1,640,16,16]>, Tensor<[1,32,20,256]>, | ttnn.reshape | aten::view | 5 |
229 | Tensor<[1,32,20,256]>, Tensor<[1,640,16,16]>, | ttnn.reshape | aten::view | 5 |
230 | Tensor<[1,1280,16,16]>, Tensor<[1,32,40,256]>, | ttnn.reshape | aten::view | 5 |
231 | Tensor<[1,32,40,256]>, Tensor<[1,1280,16,16]>, | ttnn.reshape | aten::view | 5 |
232 | Tensor<[1,16,16,1280]>, Tensor<[1,256,1280]>, | ttnn.reshape | aten::view | 5 |
233 | Tensor<[1,256,1280]>, Tensor<[256,1280]>, | ttnn.reshape | aten::view | 5 |
234 | Tensor<[1,256,1280]>, Tensor<[1,256,8,160]>, | ttnn.reshape | aten::view | 5 |
235 | Tensor<[1,8,256,160]>, Tensor<[8,256,160]>, | ttnn.reshape | aten::view | 5 |
236 | Tensor<[1,8,160,256]>, Tensor<[8,160,256]>, | ttnn.reshape | aten::view | 5 |
237 | Tensor<[8,256,256]>, Tensor<[1,8,256,256]>, | ttnn.reshape | aten::view | 5 |
238 | Tensor<[1,8,256,256]>, Tensor<[8,256,256]>, | ttnn.reshape | aten::view | 5 |
239 | Tensor<[8,256,160]>, Tensor<[1,8,256,160]>, | ttnn.reshape | aten::view | 5 |
240 | Tensor<[1,256,8,160]>, Tensor<[1,256,1280]>, | ttnn.reshape | aten::view | 5 |
241 | Tensor<[1,9,1280]>, Tensor<[1,9,8,160]>, | ttnn.reshape | aten::view | 5 |
242 | Tensor<[1,8,160,9]>, Tensor<[8,160,9]>, | ttnn.reshape | aten::view | 5 |
243 | Tensor<[8,256,9]>, Tensor<[1,8,256,9]>, | ttnn.reshape | aten::view | 5 |
244 | Tensor<[1,8,256,9]>, Tensor<[8,256,9]>, | ttnn.reshape | aten::view | 5 |
245 | Tensor<[1,8,9,160]>, Tensor<[8,9,160]>, | ttnn.reshape | aten::view | 5 |
246 | Tensor<[256,10240]>, Tensor<[1,256,10240]>, | ttnn.reshape | aten::view | 5 |
247 | Tensor<[1,256,5120]>, Tensor<[256,5120]>, | ttnn.reshape | aten::view | 5 |
248 | Tensor<[1,256,1280]>, Tensor<[1,16,16,1280]>, | ttnn.reshape | aten::view | 5 |
249 | Tensor<[1,1280,8,8]>, Tensor<[1,32,40,64]>, | ttnn.reshape | aten::view | 5 |
250 | Tensor<[1,32,40,64]>, Tensor<[1,1280,8,8]>, | ttnn.reshape | aten::view | 5 |
251 | Tensor<[1,8,8,1280]>, Tensor<[1,64,1280]>, | ttnn.reshape | aten::view | 5 |
252 | Tensor<[1,64,1280]>, Tensor<[64,1280]>, | ttnn.reshape | aten::view | 5 |
253 | Tensor<[1,64,1280]>, Tensor<[1,64,8,160]>, | ttnn.reshape | aten::view | 5 |
254 | Tensor<[1,8,64,160]>, Tensor<[8,64,160]>, | ttnn.reshape | aten::view | 5 |
255 | Tensor<[1,8,160,64]>, Tensor<[8,160,64]>, | ttnn.reshape | aten::view | 5 |
256 | Tensor<[8,64,64]>, Tensor<[1,8,64,64]>, | ttnn.reshape | aten::view | 5 |
257 | Tensor<[1,8,64,64]>, Tensor<[8,64,64]>, | ttnn.reshape | aten::view | 5 |
258 | Tensor<[8,64,160]>, Tensor<[1,8,64,160]>, | ttnn.reshape | aten::view | 5 |
259 | Tensor<[1,64,8,160]>, Tensor<[1,64,1280]>, | ttnn.reshape | aten::view | 5 |
260 | Tensor<[8,64,9]>, Tensor<[1,8,64,9]>, | ttnn.reshape | aten::view | 5 |
261 | Tensor<[1,8,64,9]>, Tensor<[8,64,9]>, | ttnn.reshape | aten::view | 5 |
262 | Tensor<[64,10240]>, Tensor<[1,64,10240]>, | ttnn.reshape | aten::view | 5 |
263 | Tensor<[1,64,5120]>, Tensor<[64,5120]>, | ttnn.reshape | aten::view | 5 |
264 | Tensor<[1,64,1280]>, Tensor<[1,8,8,1280]>, | ttnn.reshape | aten::view | 5 |
265 | Tensor<[1,2560,8,8]>, Tensor<[1,32,80,64]>, | ttnn.reshape | aten::view | 5 |
266 | Tensor<[1,32,80,64]>, Tensor<[1,2560,8,8]>, | ttnn.reshape | aten::view | 5 |
267 | Tensor<[1,2560,16,16]>, Tensor<[1,32,80,256]>, | ttnn.reshape | aten::view | 5 |
268 | Tensor<[1,32,80,256]>, Tensor<[1,2560,16,16]>, | ttnn.reshape | aten::view | 5 |
269 | Tensor<[1,1920,16,16]>, Tensor<[1,32,60,256]>, | ttnn.reshape | aten::view | 5 |
270 | Tensor<[1,32,60,256]>, Tensor<[1,1920,16,16]>, | ttnn.reshape | aten::view | 5 |
271 | Tensor<[1,1920,32,32]>, Tensor<[1,32,60,1024]>, | ttnn.reshape | aten::view | 5 |
272 | Tensor<[1,32,60,1024]>, Tensor<[1,1920,32,32]>, | ttnn.reshape | aten::view | 5 |
273 | Tensor<[1,1280,32,32]>, Tensor<[1,32,40,1024]>, | ttnn.reshape | aten::view | 5 |
274 | Tensor<[1,32,40,1024]>, Tensor<[1,1280,32,32]>, | ttnn.reshape | aten::view | 5 |
275 | Tensor<[1,960,32,32]>, Tensor<[1,32,30,1024]>, | ttnn.reshape | aten::view | 5 |
276 | Tensor<[1,32,30,1024]>, Tensor<[1,960,32,32]>, | ttnn.reshape | aten::view | 5 |
277 | Tensor<[1,960,64,64]>, Tensor<[1,32,30,4096]>, | ttnn.reshape | aten::view | 5 |
278 | Tensor<[1,32,30,4096]>, Tensor<[1,960,64,64]>, | ttnn.reshape | aten::view | 5 |
279 | Tensor<[1,640,64,64]>, Tensor<[1,32,20,4096]>, | ttnn.reshape | aten::view | 5 |
280 | Tensor<[1,32,20,4096]>, Tensor<[1,640,64,64]>, | ttnn.reshape | aten::view | 5 |
281 | Tensor<[1,12,25]>, Tensor<[1,12,25,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
282 | Tensor<[1,1,768]>, Tensor<[1,768]>, | ttnn.reshape | aten::select.int | 4 |
283 | Tensor<[1,25,1]>, Tensor<[1,25]>, | ttnn.reshape | aten::squeeze.dim | 5 |
284 | Tensor<[1,25]>, Tensor<[1,1,25]>, | ttnn.reshape | aten::unsqueeze | 4 |
285 | Tensor<[1,1,25]>, Tensor<[1,1,1,25]>, | ttnn.reshape | aten::unsqueeze | 4 |
286 | Tensor<[1,25,768]>, Tensor<[25,768]>, | ttnn.reshape | aten::view | 5 |
287 | Tensor<[25,768]>, Tensor<[1,25,768]>, | ttnn.reshape | aten::view | 5 |
288 | Tensor<[1,25,768]>, Tensor<[1,25,12,64]>, | ttnn.reshape | aten::view | 5 |
289 | Tensor<[1,12,25,64]>, Tensor<[12,25,64]>, | ttnn.reshape | aten::view | 5 |
290 | Tensor<[1,12,64,25]>, Tensor<[12,64,25]>, | ttnn.reshape | aten::view | 5 |
291 | Tensor<[12,25,25]>, Tensor<[1,12,25,25]>, | ttnn.reshape | aten::view | 5 |
292 | Tensor<[1,12,25,25]>, Tensor<[12,25,25]>, | ttnn.reshape | aten::view | 5 |
293 | Tensor<[12,25,64]>, Tensor<[1,12,25,64]>, | ttnn.reshape | aten::view | 5 |
294 | Tensor<[1,25,12,64]>, Tensor<[1,25,768]>, | ttnn.reshape | aten::view | 5 |
295 | Tensor<[25,3072]>, Tensor<[1,25,3072]>, | ttnn.reshape | aten::view | 5 |
296 | Tensor<[1,25,3072]>, Tensor<[25,3072]>, | ttnn.reshape | aten::view | 5 |
297 | Tensor<[25,2]>, Tensor<[1,25,2]>, | ttnn.reshape | aten::view | 5 |
298 | Tensor<[1,25]>, Tensor<[1,25]>, | ttnn.reshape | aten::view | 5 |
299 | Tensor<[1,1]>, Tensor<[1]>, | ttnn.reshape | aten::view | 5 |
300 | Tensor<[1,3,1445]>, Tensor<[1,3,1445,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
301 | Tensor<[192]>, Tensor<[192,1,1]>, | ttnn.reshape | aten::convolution | 4 |
302 | Tensor<[1,1,192]>, Tensor<[1,192]>, | ttnn.reshape | aten::select.int | 4 |
303 | Tensor<[1,192]>, Tensor<[1,1,192]>, | ttnn.reshape | aten::unsqueeze | 5 |
304 | Tensor<[1,192,32,42]>, Tensor<[1,192,1344]>, | ttnn.reshape | aten::view | 5 |
305 | Tensor<[1,192,4150]>, Tensor<[1,192,50,83]>, | ttnn.reshape | aten::view | 5 |
306 | Tensor<[1,1445,192]>, Tensor<[1445,192]>, | ttnn.reshape | aten::view | 5 |
307 | Tensor<[1445,192]>, Tensor<[1,1445,192]>, | ttnn.reshape | aten::view | 5 |
308 | Tensor<[1,1445,192]>, Tensor<[1,1445,3,64]>, | ttnn.reshape | aten::view | 5 |
309 | Tensor<[1,3,1445,64]>, Tensor<[3,1445,64]>, | ttnn.reshape | aten::view | 5 |
310 | Tensor<[1,3,64,1445]>, Tensor<[3,64,1445]>, | ttnn.reshape | aten::view | 5 |
311 | Tensor<[3,1445,1445]>, Tensor<[1,3,1445,1445]>, | ttnn.reshape | aten::view | 5 |
312 | Tensor<[1,3,1445,1445]>, Tensor<[3,1445,1445]>, | ttnn.reshape | aten::view | 5 |
313 | Tensor<[3,1445,64]>, Tensor<[1,3,1445,64]>, | ttnn.reshape | aten::view | 5 |
314 | Tensor<[1,1445,3,64]>, Tensor<[1,1445,192]>, | ttnn.reshape | aten::view | 5 |
315 | Tensor<[1445,768]>, Tensor<[1,1445,768]>, | ttnn.reshape | aten::view | 5 |
316 | Tensor<[1,1445,768]>, Tensor<[1445,768]>, | ttnn.reshape | aten::view | 5 |
317 | Tensor<[1,100,192]>, Tensor<[100,192]>, | ttnn.reshape | aten::view | 5 |
318 | Tensor<[100,192]>, Tensor<[1,100,192]>, | ttnn.reshape | aten::view | 5 |
319 | Tensor<[100,92]>, Tensor<[1,100,92]>, | ttnn.reshape | aten::view | 5 |
320 | Tensor<[100,4]>, Tensor<[1,100,4]>, | ttnn.reshape | aten::view | 5 |
321 | Tensor<[1,512]>, Tensor<[1,512,1,1]>, | ttnn.reshape | aten::mean.dim | 4 |
322 | Tensor<[1,512,1,1]>, Tensor<[1,512]>, | ttnn.reshape | aten::view | 5 |
323 | Tensor<[1,12,8]>, Tensor<[1,12,8,1]>, | ttnn.reshape | aten::_softmax | 4 |
324 | Tensor<[12,8,8]>, Tensor<[1,12,8,8]>, | ttnn.reshape | aten::_unsafe_view | 5 |
325 | Tensor<[12,8,64]>, Tensor<[1,12,8,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
326 | Tensor<[768]>, Tensor<[768,1]>, | ttnn.reshape | aten::convolution | 4 |
327 | Tensor<[3072]>, Tensor<[3072,1]>, | ttnn.reshape | aten::convolution | 4 |
328 | Tensor<[1,8]>, Tensor<[1,1,8]>, | ttnn.reshape | aten::unsqueeze | 4 |
329 | Tensor<[1,1,8]>, Tensor<[1,1,1,8]>, | ttnn.reshape | aten::unsqueeze | 4 |
330 | Tensor<[1,768,8]>, Tensor<[1,12,64,8]>, | ttnn.reshape | aten::view | 5 |
331 | Tensor<[1,12,8,64]>, Tensor<[12,8,64]>, | ttnn.reshape | aten::view | 5 |
332 | Tensor<[1,12,64,8]>, Tensor<[12,64,8]>, | ttnn.reshape | aten::view | 5 |
333 | Tensor<[1,12,8,8]>, Tensor<[12,8,8]>, | ttnn.reshape | aten::view | 5 |
334 | Tensor<[1,12,64,8]>, Tensor<[1,768,8]>, | ttnn.reshape | aten::view | 5 |
335 | Tensor<[1,8,2048]>, Tensor<[1,8,2048,1]>, | ttnn.reshape | aten::_softmax | 4 |
336 | Tensor<[8,256,2048]>, Tensor<[1,8,256,2048]>, | ttnn.reshape | aten::_unsafe_view | 5 |
337 | Tensor<[8,2048,256]>, Tensor<[1,8,2048,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
338 | Tensor<[8,2048,96]>, Tensor<[1,8,2048,96]>, | ttnn.reshape | aten::_unsafe_view | 5 |
339 | Tensor<[1,2048]>, Tensor<[1,1,2048]>, | ttnn.reshape | aten::unsqueeze | 4 |
340 | Tensor<[1,1,2048]>, Tensor<[1,1,1,2048]>, | ttnn.reshape | aten::unsqueeze | 4 |
341 | Tensor<[1,2048,768]>, Tensor<[2048,768]>, | ttnn.reshape | aten::view | 5 |
342 | Tensor<[2048,256]>, Tensor<[1,2048,256]>, | ttnn.reshape | aten::view | 5 |
343 | Tensor<[2048,1280]>, Tensor<[1,2048,1280]>, | ttnn.reshape | aten::view | 5 |
344 | Tensor<[1,256,256]>, Tensor<[1,256,8,32]>, | ttnn.reshape | aten::view | 5 |
345 | Tensor<[1,2048,256]>, Tensor<[1,2048,8,32]>, | ttnn.reshape | aten::view | 5 |
346 | Tensor<[1,2048,1280]>, Tensor<[1,2048,8,160]>, | ttnn.reshape | aten::view | 5 |
347 | Tensor<[1,8,256,32]>, Tensor<[8,256,32]>, | ttnn.reshape | aten::view | 5 |
348 | Tensor<[1,8,32,2048]>, Tensor<[8,32,2048]>, | ttnn.reshape | aten::view | 5 |
349 | Tensor<[1,8,256,2048]>, Tensor<[8,256,2048]>, | ttnn.reshape | aten::view | 5 |
350 | Tensor<[1,8,2048,160]>, Tensor<[8,2048,160]>, | ttnn.reshape | aten::view | 5 |
351 | Tensor<[1,8,32,256]>, Tensor<[8,32,256]>, | ttnn.reshape | aten::view | 5 |
352 | Tensor<[256,768]>, Tensor<[1,256,768]>, | ttnn.reshape | aten::view | 5 |
353 | Tensor<[1,256,768]>, Tensor<[1,256,8,96]>, | ttnn.reshape | aten::view | 5 |
354 | Tensor<[1,8,2048,32]>, Tensor<[8,2048,32]>, | ttnn.reshape | aten::view | 5 |
355 | Tensor<[1,8,2048,256]>, Tensor<[8,2048,256]>, | ttnn.reshape | aten::view | 5 |
356 | Tensor<[1,8,256,96]>, Tensor<[8,256,96]>, | ttnn.reshape | aten::view | 5 |
357 | Tensor<[1,2048,8,96]>, Tensor<[1,2048,768]>, | ttnn.reshape | aten::view | 5 |
358 | Tensor<[2048,768]>, Tensor<[1,2048,768]>, | ttnn.reshape | aten::view | 5 |
359 | Tensor<[2048,262]>, Tensor<[1,2048,262]>, | ttnn.reshape | aten::view | 5 |
360 | Tensor<[1,2048]>, Tensor<[1,2048,1,1]>, | ttnn.reshape | aten::mean.dim | 4 |
361 | Tensor<[1024,1]>, Tensor<[1024,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
362 | Tensor<[2048]>, Tensor<[2048,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
363 | Tensor<[2048,1]>, Tensor<[2048,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
364 | Tensor<[1,2048,1,1]>, Tensor<[1,2048]>, | ttnn.reshape | aten::view | 5 |
365 | Tensor<[1,12,201]>, Tensor<[1,12,201,1]>, | ttnn.reshape | aten::_softmax | 4 |
366 | Tensor<[12,201,201]>, Tensor<[1,12,201,201]>, | ttnn.reshape | aten::_unsafe_view | 5 |
367 | Tensor<[12,201,64]>, Tensor<[1,12,201,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
368 | Tensor<[768]>, Tensor<[768,1,1]>, | ttnn.reshape | aten::convolution | 4 |
369 | Tensor<[1,1,12,16]>, Tensor<[1,1,12,16,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
370 | Tensor<[1,1,12,16]>, Tensor<[1,12,16]>, | ttnn.reshape | aten::select.int | 4 |
371 | Tensor<[192,1]>, Tensor<[192]>, | ttnn.reshape | aten::select.int | 4 |
372 | Tensor<[12,16]>, Tensor<[12,16,1]>, | ttnn.reshape | aten::stack | 4 |
373 | Tensor<[1,384,512]>, Tensor<[1,1,384,512]>, | ttnn.reshape | aten::unsqueeze | 4 |
374 | Tensor<[12]>, Tensor<[12,1]>, | ttnn.reshape | aten::unsqueeze | 4 |
375 | Tensor<[12,16,2]>, Tensor<[1,12,16,2]>, | ttnn.reshape | aten::unsqueeze | 4 |
376 | Tensor<[1,12,16,2]>, Tensor<[1,1,12,16,2]>, | ttnn.reshape | aten::unsqueeze | 4 |
377 | Tensor<[1,201]>, Tensor<[1,1,201]>, | ttnn.reshape | aten::unsqueeze | 4 |
378 | Tensor<[1,1,201]>, Tensor<[1,1,1,201]>, | ttnn.reshape | aten::unsqueeze | 4 |
379 | Tensor<[1,768,144]>, Tensor<[1,768,12,12]>, | ttnn.reshape | aten::view | 5 |
380 | Tensor<[1,768,12,16]>, Tensor<[1,768,192]>, | ttnn.reshape | aten::view | 5 |
381 | Tensor<[16]>, Tensor<[1,16]>, | ttnn.reshape | aten::view | 4 |
382 | Tensor<[1,1,12,16,2]>, Tensor<[1,192,2]>, | ttnn.reshape | aten::view | 4 |
383 | Tensor<[1,1,12,16]>, Tensor<[1,192]>, | ttnn.reshape | aten::view | 4 |
384 | Tensor<[1,201,768]>, Tensor<[201,768]>, | ttnn.reshape | aten::view | 5 |
385 | Tensor<[201,768]>, Tensor<[1,201,768]>, | ttnn.reshape | aten::view | 5 |
386 | Tensor<[1,201,768]>, Tensor<[1,201,12,64]>, | ttnn.reshape | aten::view | 5 |
387 | Tensor<[1,12,201,64]>, Tensor<[12,201,64]>, | ttnn.reshape | aten::view | 5 |
388 | Tensor<[1,12,64,201]>, Tensor<[12,64,201]>, | ttnn.reshape | aten::view | 5 |
389 | Tensor<[1,12,201,201]>, Tensor<[12,201,201]>, | ttnn.reshape | aten::view | 5 |
390 | Tensor<[1,201,12,64]>, Tensor<[1,201,768]>, | ttnn.reshape | aten::view | 5 |
391 | Tensor<[201,3072]>, Tensor<[1,201,3072]>, | ttnn.reshape | aten::view | 5 |
392 | Tensor<[1,201,3072]>, Tensor<[201,3072]>, | ttnn.reshape | aten::view | 5 |
393 | Tensor<[32]>, Tensor<[32,1,1]>, | ttnn.reshape | aten::convolution | 4 |
394 | Tensor<[64]>, Tensor<[64,1,1]>, | ttnn.reshape | aten::convolution | 4 |
395 | Tensor<[1,64,12,12]>, Tensor<[1,9216]>, | ttnn.reshape | aten::view | 5 |
396 | Tensor<[16,19]>, Tensor<[16,19,1]>, | ttnn.reshape | aten::_softmax | 4 |
397 | Tensor<[1,19,16,64]>, Tensor<[1,19,1024]>, | ttnn.reshape | aten::_unsafe_view | 5 |
398 | Tensor<[19,256008]>, Tensor<[1,19,256008]>, | ttnn.reshape | aten::_unsafe_view | 5 |
399 | Tensor<[19]>, Tensor<[19,1]>, | ttnn.reshape | aten::amax | 5 |
400 | Tensor<[19,1]>, Tensor<[19,1,1]>, | ttnn.reshape | aten::gather | 4 |
401 | Tensor<[1,19]>, Tensor<[19]>, | ttnn.reshape | aten::squeeze.dim | 4 |
402 | Tensor<[19,1]>, Tensor<[19]>, | ttnn.reshape | aten::squeeze.dim | 5 |
403 | Tensor<[19]>, Tensor<[1,19]>, | ttnn.reshape | aten::unsqueeze | 4 |
404 | Tensor<[19,19]>, Tensor<[1,19,19]>, | ttnn.reshape | aten::unsqueeze | 5 |
405 | Tensor<[1,19,19]>, Tensor<[1,1,19,19]>, | ttnn.reshape | aten::unsqueeze | 5 |
406 | Tensor<[1,19]>, Tensor<[1,1,19]>, | ttnn.reshape | aten::unsqueeze | 4 |
407 | Tensor<[1,1,19]>, Tensor<[1,1,1,19]>, | ttnn.reshape | aten::unsqueeze | 4 |
408 | Tensor<[1,19]>, Tensor<[1,19]>, | ttnn.reshape | aten::view | 4 |
409 | Tensor<[19,1024]>, Tensor<[1,19,1024]>, | ttnn.reshape | aten::view | 5 |
410 | Tensor<[1,19,1024]>, Tensor<[19,1024]>, | ttnn.reshape | aten::view | 5 |
411 | Tensor<[1,19,1024]>, Tensor<[1,19,16,64]>, | ttnn.reshape | aten::view | 5 |
412 | Tensor<[1,16,19,64]>, Tensor<[16,19,64]>, | ttnn.reshape | aten::view | 5 |
413 | Tensor<[16,19,19]>, Tensor<[1,16,19,19]>, | ttnn.reshape | aten::view | 5 |
414 | Tensor<[1,16,19,19]>, Tensor<[16,19,19]>, | ttnn.reshape | aten::view | 5 |
415 | Tensor<[16,19,64]>, Tensor<[1,16,19,64]>, | ttnn.reshape | aten::view | 5 |
416 | Tensor<[19,4096]>, Tensor<[1,19,4096]>, | ttnn.reshape | aten::view | 5 |
417 | Tensor<[1,19,4096]>, Tensor<[19,4096]>, | ttnn.reshape | aten::view | 5 |
418 | Tensor<[1,19,256008]>, Tensor<[19,256008]>, | ttnn.reshape | aten::view | 5 |
419 | Tensor<[1,1024]>, Tensor<[1,1024,1,1]>, | ttnn.reshape | aten::mean.dim | 4 |
420 | Tensor<[14]>, Tensor<[14,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
421 | Tensor<[14,1]>, Tensor<[14,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
422 | Tensor<[24]>, Tensor<[24,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
423 | Tensor<[24,1]>, Tensor<[24,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
424 | Tensor<[40]>, Tensor<[40,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
425 | Tensor<[40,1]>, Tensor<[40,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
426 | Tensor<[68]>, Tensor<[68,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
427 | Tensor<[68,1]>, Tensor<[68,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
428 | Tensor<[16,1]>, Tensor<[16,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
429 | Tensor<[28]>, Tensor<[28,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
430 | Tensor<[28,1]>, Tensor<[28,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
431 | Tensor<[46]>, Tensor<[46,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
432 | Tensor<[46,1]>, Tensor<[46,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
433 | Tensor<[78]>, Tensor<[78,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
434 | Tensor<[78,1]>, Tensor<[78,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
435 | Tensor<[134]>, Tensor<[134,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
436 | Tensor<[134,1]>, Tensor<[134,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
437 | Tensor<[20]>, Tensor<[20,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
438 | Tensor<[20,1]>, Tensor<[20,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
439 | Tensor<[34]>, Tensor<[34,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
440 | Tensor<[34,1]>, Tensor<[34,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
441 | Tensor<[58]>, Tensor<[58,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
442 | Tensor<[58,1]>, Tensor<[58,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
443 | Tensor<[98]>, Tensor<[98,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
444 | Tensor<[98,1]>, Tensor<[98,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
445 | Tensor<[168]>, Tensor<[168,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
446 | Tensor<[168,1]>, Tensor<[168,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
447 | Tensor<[320]>, Tensor<[320,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
448 | Tensor<[320,1]>, Tensor<[320,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
449 | Tensor<[116]>, Tensor<[116,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
450 | Tensor<[116,1]>, Tensor<[116,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
451 | Tensor<[196]>, Tensor<[196,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
452 | Tensor<[196,1]>, Tensor<[196,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
453 | Tensor<[334]>, Tensor<[334,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
454 | Tensor<[334,1]>, Tensor<[334,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
455 | Tensor<[160]>, Tensor<[160,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
456 | Tensor<[160,1]>, Tensor<[160,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
457 | Tensor<[272]>, Tensor<[272,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
458 | Tensor<[272,1]>, Tensor<[272,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
459 | Tensor<[462]>, Tensor<[462,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
460 | Tensor<[462,1]>, Tensor<[462,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
461 | Tensor<[1,1024,1,1]>, Tensor<[1,1024]>, | ttnn.reshape | aten::view | 5 |
462 | Tensor<[255]>, Tensor<[255,1,1]>, | ttnn.reshape | aten::convolution | 4 |
463 | Tensor<[1,256,32,32]>, Tensor<[1,256,32,32,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
464 | Tensor<[1,128,64,64]>, Tensor<[1,128,64,64,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
465 | Tensor<[1]>, Tensor<[1,1,1]>, | ttnn.reshape | aten::convolution | 4 |
466 | Tensor<[16]>, Tensor<[16,1,1]>, | ttnn.reshape | aten::convolution | 4 |
467 | Tensor<[1,16,32]>, Tensor<[1,16,32,1]>, | ttnn.reshape | aten::_softmax | 4 |
468 | Tensor<[1,32,16,96]>, Tensor<[1,32,1536]>, | ttnn.reshape | aten::_unsafe_view | 5 |
469 | Tensor<[32,250880]>, Tensor<[1,32,250880]>, | ttnn.reshape | aten::_unsafe_view | 5 |
470 | Tensor<[1,32,16,1,96]>, Tensor<[1,32,16,96]>, | ttnn.reshape | aten::select.int | 4 |
471 | Tensor<[1,16,32]>, Tensor<[16,1,32]>, | ttnn.reshape | aten::view | 5 |
472 | Tensor<[1,32,1536]>, Tensor<[32,1536]>, | ttnn.reshape | aten::view | 5 |
473 | Tensor<[32,4608]>, Tensor<[1,32,4608]>, | ttnn.reshape | aten::view | 5 |
474 | Tensor<[1,32,4608]>, Tensor<[1,32,16,3,96]>, | ttnn.reshape | aten::view | 5 |
475 | Tensor<[1,16,32,96]>, Tensor<[16,32,96]>, | ttnn.reshape | aten::view | 5 |
476 | Tensor<[16,32,32]>, Tensor<[1,16,32,32]>, | ttnn.reshape | aten::view | 5 |
477 | Tensor<[1,16,32,32]>, Tensor<[16,32,32]>, | ttnn.reshape | aten::view | 5 |
478 | Tensor<[16,32,96]>, Tensor<[1,16,32,96]>, | ttnn.reshape | aten::view | 5 |
479 | Tensor<[32,1536]>, Tensor<[1,32,1536]>, | ttnn.reshape | aten::view | 5 |
480 | Tensor<[32,6144]>, Tensor<[1,32,6144]>, | ttnn.reshape | aten::view | 5 |
481 | Tensor<[1,32,6144]>, Tensor<[32,6144]>, | ttnn.reshape | aten::view | 5 |
482 | Tensor<[1,12,16]>, Tensor<[1,12,16,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
483 | Tensor<[1,16]>, Tensor<[1,1,16]>, | ttnn.reshape | aten::unsqueeze | 4 |
484 | Tensor<[1,1,16]>, Tensor<[1,1,1,16]>, | ttnn.reshape | aten::unsqueeze | 4 |
485 | Tensor<[1,16,768]>, Tensor<[16,768]>, | ttnn.reshape | aten::view | 5 |
486 | Tensor<[16,768]>, Tensor<[1,16,768]>, | ttnn.reshape | aten::view | 5 |
487 | Tensor<[1,16,768]>, Tensor<[1,16,12,64]>, | ttnn.reshape | aten::view | 5 |
488 | Tensor<[1,12,16,64]>, Tensor<[12,16,64]>, | ttnn.reshape | aten::view | 5 |
489 | Tensor<[1,12,64,16]>, Tensor<[12,64,16]>, | ttnn.reshape | aten::view | 5 |
490 | Tensor<[12,16,16]>, Tensor<[1,12,16,16]>, | ttnn.reshape | aten::view | 5 |
491 | Tensor<[1,12,16,16]>, Tensor<[12,16,16]>, | ttnn.reshape | aten::view | 5 |
492 | Tensor<[12,16,64]>, Tensor<[1,12,16,64]>, | ttnn.reshape | aten::view | 5 |
493 | Tensor<[1,16,12,64]>, Tensor<[1,16,768]>, | ttnn.reshape | aten::view | 5 |
494 | Tensor<[16,3072]>, Tensor<[1,16,3072]>, | ttnn.reshape | aten::view | 5 |
495 | Tensor<[1,16,3072]>, Tensor<[16,3072]>, | ttnn.reshape | aten::view | 5 |
496 | Tensor<[1,1,19200]>, Tensor<[1,1,19200,1]>, | ttnn.reshape | aten::_softmax | 4 |
497 | Tensor<[1,2,4800]>, Tensor<[1,2,4800,1]>, | ttnn.reshape | aten::_softmax | 4 |
498 | Tensor<[1,5,1200]>, Tensor<[1,5,1200,1]>, | ttnn.reshape | aten::_softmax | 4 |
499 | Tensor<[1,8,300]>, Tensor<[1,8,300,1]>, | ttnn.reshape | aten::_softmax | 4 |
500 | Tensor<[1,19200,300]>, Tensor<[1,1,19200,300]>, | ttnn.reshape | aten::_unsafe_view | 5 |
501 | Tensor<[1,19200,64]>, Tensor<[1,1,19200,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
502 | Tensor<[1,19200,64]>, Tensor<[1,19200,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
503 | Tensor<[2,4800,300]>, Tensor<[1,2,4800,300]>, | ttnn.reshape | aten::_unsafe_view | 5 |
504 | Tensor<[2,4800,64]>, Tensor<[1,2,4800,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
505 | Tensor<[1,4800,128]>, Tensor<[1,4800,128]>, | ttnn.reshape | aten::_unsafe_view | 5 |
506 | Tensor<[5,1200,300]>, Tensor<[1,5,1200,300]>, | ttnn.reshape | aten::_unsafe_view | 5 |
507 | Tensor<[5,1200,64]>, Tensor<[1,5,1200,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
508 | Tensor<[1,1200,320]>, Tensor<[1,1200,320]>, | ttnn.reshape | aten::_unsafe_view | 5 |
509 | Tensor<[8,300,300]>, Tensor<[1,8,300,300]>, | ttnn.reshape | aten::_unsafe_view | 5 |
510 | Tensor<[8,300,64]>, Tensor<[1,8,300,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
511 | Tensor<[1,300,512]>, Tensor<[1,300,512]>, | ttnn.reshape | aten::_unsafe_view | 5 |
512 | Tensor<[2048]>, Tensor<[2048,1,1]>, | ttnn.reshape | aten::convolution | 4 |
513 | Tensor<[2]>, Tensor<[2,1,1]>, | ttnn.reshape | aten::convolution | 4 |
514 | Tensor<[1,64,30,40]>, Tensor<[1,64,30,40,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
515 | Tensor<[1,64,60,80]>, Tensor<[1,64,60,80,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
516 | Tensor<[1,64,120,160]>, Tensor<[1,64,120,160,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
517 | Tensor<[1,64,240,320]>, Tensor<[1,64,240,320,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
518 | Tensor<[1,64,480,640]>, Tensor<[1,64,480,640,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
519 | Tensor<[1,1,30,40]>, Tensor<[1,30,40]>, | ttnn.reshape | aten::select.int | 4 |
520 | Tensor<[1,1,60,80]>, Tensor<[1,60,80]>, | ttnn.reshape | aten::select.int | 4 |
521 | Tensor<[1,1,120,160]>, Tensor<[1,120,160]>, | ttnn.reshape | aten::select.int | 4 |
522 | Tensor<[1,1,480,640]>, Tensor<[1,480,640]>, | ttnn.reshape | aten::squeeze.dim | 5 |
523 | Tensor<[1,30,40]>, Tensor<[1,1,30,40]>, | ttnn.reshape | aten::unsqueeze | 5 |
524 | Tensor<[1,60,80]>, Tensor<[1,1,60,80]>, | ttnn.reshape | aten::unsqueeze | 5 |
525 | Tensor<[1,120,160]>, Tensor<[1,1,120,160]>, | ttnn.reshape | aten::unsqueeze | 5 |
526 | Tensor<[1,64,120,160]>, Tensor<[1,64,19200]>, | ttnn.reshape | aten::view | 5 |
527 | Tensor<[1,19200,64]>, Tensor<[19200,64]>, | ttnn.reshape | aten::view | 5 |
528 | Tensor<[19200,64]>, Tensor<[1,19200,64]>, | ttnn.reshape | aten::view | 5 |
529 | Tensor<[1,19200,64]>, Tensor<[1,19200,1,64]>, | ttnn.reshape | aten::view | 5 |
530 | Tensor<[1,64,19200]>, Tensor<[1,64,120,160]>, | ttnn.reshape | aten::view | 5 |
531 | Tensor<[1,64,15,20]>, Tensor<[1,64,300]>, | ttnn.reshape | aten::view | 5 |
532 | Tensor<[1,300,64]>, Tensor<[300,64]>, | ttnn.reshape | aten::view | 5 |
533 | Tensor<[300,64]>, Tensor<[1,300,64]>, | ttnn.reshape | aten::view | 5 |
534 | Tensor<[1,300,64]>, Tensor<[1,300,1,64]>, | ttnn.reshape | aten::view | 5 |
535 | Tensor<[1,1,19200,64]>, Tensor<[1,19200,64]>, | ttnn.reshape | aten::view | 5 |
536 | Tensor<[1,1,64,300]>, Tensor<[1,64,300]>, | ttnn.reshape | aten::view | 5 |
537 | Tensor<[1,1,19200,300]>, Tensor<[1,19200,300]>, | ttnn.reshape | aten::view | 5 |
538 | Tensor<[1,1,300,64]>, Tensor<[1,300,64]>, | ttnn.reshape | aten::view | 5 |
539 | Tensor<[1,19200,1,64]>, Tensor<[1,19200,64]>, | ttnn.reshape | aten::view | 5 |
540 | Tensor<[19200,256]>, Tensor<[1,19200,256]>, | ttnn.reshape | aten::view | 5 |
541 | Tensor<[1,256,19200]>, Tensor<[1,256,120,160]>, | ttnn.reshape | aten::view | 5 |
542 | Tensor<[1,256,120,160]>, Tensor<[1,256,19200]>, | ttnn.reshape | aten::view | 5 |
543 | Tensor<[1,19200,256]>, Tensor<[1,19200,256]>, | ttnn.reshape | aten::view | 5 |
544 | Tensor<[1,256,64]>, Tensor<[1,256,64]>, | ttnn.reshape | aten::view | 5 |
545 | Tensor<[1,19200,64]>, Tensor<[1,120,160,64]>, | ttnn.reshape | aten::view | 5 |
546 | Tensor<[1,128,60,80]>, Tensor<[1,128,4800]>, | ttnn.reshape | aten::view | 5 |
547 | Tensor<[1,4800,128]>, Tensor<[4800,128]>, | ttnn.reshape | aten::view | 5 |
548 | Tensor<[4800,128]>, Tensor<[1,4800,128]>, | ttnn.reshape | aten::view | 5 |
549 | Tensor<[1,4800,128]>, Tensor<[1,4800,2,64]>, | ttnn.reshape | aten::view | 5 |
550 | Tensor<[1,128,4800]>, Tensor<[1,128,60,80]>, | ttnn.reshape | aten::view | 5 |
551 | Tensor<[1,128,15,20]>, Tensor<[1,128,300]>, | ttnn.reshape | aten::view | 5 |
552 | Tensor<[1,300,128]>, Tensor<[300,128]>, | ttnn.reshape | aten::view | 5 |
553 | Tensor<[300,128]>, Tensor<[1,300,128]>, | ttnn.reshape | aten::view | 5 |
554 | Tensor<[1,300,128]>, Tensor<[1,300,2,64]>, | ttnn.reshape | aten::view | 5 |
555 | Tensor<[1,2,4800,64]>, Tensor<[2,4800,64]>, | ttnn.reshape | aten::view | 5 |
556 | Tensor<[1,2,64,300]>, Tensor<[2,64,300]>, | ttnn.reshape | aten::view | 5 |
557 | Tensor<[1,2,4800,300]>, Tensor<[2,4800,300]>, | ttnn.reshape | aten::view | 5 |
558 | Tensor<[1,2,300,64]>, Tensor<[2,300,64]>, | ttnn.reshape | aten::view | 5 |
559 | Tensor<[1,4800,2,64]>, Tensor<[1,4800,128]>, | ttnn.reshape | aten::view | 5 |
560 | Tensor<[4800,512]>, Tensor<[1,4800,512]>, | ttnn.reshape | aten::view | 5 |
561 | Tensor<[1,512,4800]>, Tensor<[1,512,60,80]>, | ttnn.reshape | aten::view | 5 |
562 | Tensor<[1,512,60,80]>, Tensor<[1,512,4800]>, | ttnn.reshape | aten::view | 5 |
563 | Tensor<[1,4800,512]>, Tensor<[1,4800,512]>, | ttnn.reshape | aten::view | 5 |
564 | Tensor<[1,512,128]>, Tensor<[1,512,128]>, | ttnn.reshape | aten::view | 5 |
565 | Tensor<[1,4800,128]>, Tensor<[1,60,80,128]>, | ttnn.reshape | aten::view | 5 |
566 | Tensor<[1,320,30,40]>, Tensor<[1,320,1200]>, | ttnn.reshape | aten::view | 5 |
567 | Tensor<[1,1200,320]>, Tensor<[1200,320]>, | ttnn.reshape | aten::view | 5 |
568 | Tensor<[1200,320]>, Tensor<[1,1200,320]>, | ttnn.reshape | aten::view | 5 |
569 | Tensor<[1,1200,320]>, Tensor<[1,1200,5,64]>, | ttnn.reshape | aten::view | 5 |
570 | Tensor<[1,320,1200]>, Tensor<[1,320,30,40]>, | ttnn.reshape | aten::view | 5 |
571 | Tensor<[1,320,15,20]>, Tensor<[1,320,300]>, | ttnn.reshape | aten::view | 5 |
572 | Tensor<[1,300,320]>, Tensor<[300,320]>, | ttnn.reshape | aten::view | 5 |
573 | Tensor<[300,320]>, Tensor<[1,300,320]>, | ttnn.reshape | aten::view | 5 |
574 | Tensor<[1,300,320]>, Tensor<[1,300,5,64]>, | ttnn.reshape | aten::view | 5 |
575 | Tensor<[1,5,1200,64]>, Tensor<[5,1200,64]>, | ttnn.reshape | aten::view | 5 |
576 | Tensor<[1,5,64,300]>, Tensor<[5,64,300]>, | ttnn.reshape | aten::view | 5 |
577 | Tensor<[1,5,1200,300]>, Tensor<[5,1200,300]>, | ttnn.reshape | aten::view | 5 |
578 | Tensor<[1,5,300,64]>, Tensor<[5,300,64]>, | ttnn.reshape | aten::view | 5 |
579 | Tensor<[1,1200,5,64]>, Tensor<[1,1200,320]>, | ttnn.reshape | aten::view | 5 |
580 | Tensor<[1200,1280]>, Tensor<[1,1200,1280]>, | ttnn.reshape | aten::view | 5 |
581 | Tensor<[1,1280,1200]>, Tensor<[1,1280,30,40]>, | ttnn.reshape | aten::view | 5 |
582 | Tensor<[1,1280,30,40]>, Tensor<[1,1280,1200]>, | ttnn.reshape | aten::view | 5 |
583 | Tensor<[1,1200,1280]>, Tensor<[1,1200,1280]>, | ttnn.reshape | aten::view | 5 |
584 | Tensor<[1,1280,320]>, Tensor<[1,1280,320]>, | ttnn.reshape | aten::view | 5 |
585 | Tensor<[1,1200,320]>, Tensor<[1,30,40,320]>, | ttnn.reshape | aten::view | 5 |
586 | Tensor<[1,512,15,20]>, Tensor<[1,512,300]>, | ttnn.reshape | aten::view | 5 |
587 | Tensor<[1,300,512]>, Tensor<[300,512]>, | ttnn.reshape | aten::view | 5 |
588 | Tensor<[300,512]>, Tensor<[1,300,512]>, | ttnn.reshape | aten::view | 5 |
589 | Tensor<[1,300,512]>, Tensor<[1,300,8,64]>, | ttnn.reshape | aten::view | 5 |
590 | Tensor<[1,8,300,64]>, Tensor<[8,300,64]>, | ttnn.reshape | aten::view | 5 |
591 | Tensor<[1,8,64,300]>, Tensor<[8,64,300]>, | ttnn.reshape | aten::view | 5 |
592 | Tensor<[1,8,300,300]>, Tensor<[8,300,300]>, | ttnn.reshape | aten::view | 5 |
593 | Tensor<[1,300,8,64]>, Tensor<[1,300,512]>, | ttnn.reshape | aten::view | 5 |
594 | Tensor<[300,2048]>, Tensor<[1,300,2048]>, | ttnn.reshape | aten::view | 5 |
595 | Tensor<[1,2048,300]>, Tensor<[1,2048,15,20]>, | ttnn.reshape | aten::view | 5 |
596 | Tensor<[1,2048,15,20]>, Tensor<[1,2048,300]>, | ttnn.reshape | aten::view | 5 |
597 | Tensor<[1,300,2048]>, Tensor<[1,300,2048]>, | ttnn.reshape | aten::view | 5 |
598 | Tensor<[1,2048,512]>, Tensor<[1,2048,512]>, | ttnn.reshape | aten::view | 5 |
599 | Tensor<[1,300,512]>, Tensor<[1,15,20,512]>, | ttnn.reshape | aten::view | 5 |
600 | Tensor<[30]>, Tensor<[30,1]>, | ttnn.reshape | aten::view | 5 |
601 | Tensor<[60]>, Tensor<[60,1]>, | ttnn.reshape | aten::view | 5 |
602 | Tensor<[120]>, Tensor<[120,1]>, | ttnn.reshape | aten::view | 5 |
603 | Tensor<[240]>, Tensor<[240,1]>, | ttnn.reshape | aten::view | 5 |
604 | Tensor<[480]>, Tensor<[480,1]>, | ttnn.reshape | aten::view | 5 |
605 | Tensor<[1,12,197]>, Tensor<[1,12,197,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
606 | Tensor<[1,768,14,14]>, Tensor<[1,768,196]>, | ttnn.reshape | aten::view | 5 |
607 | Tensor<[1,197,768]>, Tensor<[197,768]>, | ttnn.reshape | aten::view | 5 |
608 | Tensor<[197,768]>, Tensor<[1,197,768]>, | ttnn.reshape | aten::view | 5 |
609 | Tensor<[1,197,768]>, Tensor<[1,197,12,64]>, | ttnn.reshape | aten::view | 5 |
610 | Tensor<[1,12,197,64]>, Tensor<[12,197,64]>, | ttnn.reshape | aten::view | 5 |
611 | Tensor<[1,12,64,197]>, Tensor<[12,64,197]>, | ttnn.reshape | aten::view | 5 |
612 | Tensor<[12,197,197]>, Tensor<[1,12,197,197]>, | ttnn.reshape | aten::view | 5 |
613 | Tensor<[1,12,197,197]>, Tensor<[12,197,197]>, | ttnn.reshape | aten::view | 5 |
614 | Tensor<[12,197,64]>, Tensor<[1,12,197,64]>, | ttnn.reshape | aten::view | 5 |
615 | Tensor<[1,197,12,64]>, Tensor<[1,197,768]>, | ttnn.reshape | aten::view | 5 |
616 | Tensor<[197,3072]>, Tensor<[1,197,3072]>, | ttnn.reshape | aten::view | 5 |
617 | Tensor<[1,197,3072]>, Tensor<[197,3072]>, | ttnn.reshape | aten::view | 5 |
618 | Tensor<[1,1,16384]>, Tensor<[1,1,16384,1]>, | ttnn.reshape | aten::_softmax | 4 |
619 | Tensor<[1,2,4096]>, Tensor<[1,2,4096,1]>, | ttnn.reshape | aten::_softmax | 4 |
620 | Tensor<[1,5,1024]>, Tensor<[1,5,1024,1]>, | ttnn.reshape | aten::_softmax | 4 |
621 | Tensor<[1,16384,256]>, Tensor<[1,1,16384,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
622 | Tensor<[1,16384,32]>, Tensor<[1,1,16384,32]>, | ttnn.reshape | aten::_unsafe_view | 5 |
623 | Tensor<[1,16384,32]>, Tensor<[1,16384,32]>, | ttnn.reshape | aten::_unsafe_view | 5 |
624 | Tensor<[2,4096,256]>, Tensor<[1,2,4096,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
625 | Tensor<[2,4096,32]>, Tensor<[1,2,4096,32]>, | ttnn.reshape | aten::_unsafe_view | 5 |
626 | Tensor<[1,4096,64]>, Tensor<[1,4096,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
627 | Tensor<[5,1024,256]>, Tensor<[1,5,1024,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
628 | Tensor<[5,1024,32]>, Tensor<[1,5,1024,32]>, | ttnn.reshape | aten::_unsafe_view | 5 |
629 | Tensor<[1,1024,160]>, Tensor<[1,1024,160]>, | ttnn.reshape | aten::_unsafe_view | 5 |
630 | Tensor<[8,256,32]>, Tensor<[1,8,256,32]>, | ttnn.reshape | aten::_unsafe_view | 5 |
631 | Tensor<[1,256,256]>, Tensor<[1,256,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
632 | Tensor<[1,16384,256]>, Tensor<[1,16384,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
633 | Tensor<[1,4096,256]>, Tensor<[1,4096,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
634 | Tensor<[1,1024,256]>, Tensor<[1,1024,256]>, | ttnn.reshape | aten::_unsafe_view | 5 |
635 | Tensor<[160]>, Tensor<[160,1,1]>, | ttnn.reshape | aten::convolution | 4 |
636 | Tensor<[1024]>, Tensor<[1024,1,1]>, | ttnn.reshape | aten::convolution | 4 |
637 | Tensor<[150]>, Tensor<[150,1,1]>, | ttnn.reshape | aten::convolution | 4 |
638 | Tensor<[1,256,128,128]>, Tensor<[1,256,128,128,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
639 | Tensor<[1,32,128,128]>, Tensor<[1,32,16384]>, | ttnn.reshape | aten::view | 5 |
640 | Tensor<[1,16384,32]>, Tensor<[16384,32]>, | ttnn.reshape | aten::view | 5 |
641 | Tensor<[16384,32]>, Tensor<[1,16384,32]>, | ttnn.reshape | aten::view | 5 |
642 | Tensor<[1,16384,32]>, Tensor<[1,16384,1,32]>, | ttnn.reshape | aten::view | 5 |
643 | Tensor<[1,32,16384]>, Tensor<[1,32,128,128]>, | ttnn.reshape | aten::view | 5 |
644 | Tensor<[1,32,16,16]>, Tensor<[1,32,256]>, | ttnn.reshape | aten::view | 5 |
645 | Tensor<[1,256,32]>, Tensor<[256,32]>, | ttnn.reshape | aten::view | 5 |
646 | Tensor<[256,32]>, Tensor<[1,256,32]>, | ttnn.reshape | aten::view | 5 |
647 | Tensor<[1,256,32]>, Tensor<[1,256,1,32]>, | ttnn.reshape | aten::view | 5 |
648 | Tensor<[1,1,16384,32]>, Tensor<[1,16384,32]>, | ttnn.reshape | aten::view | 5 |
649 | Tensor<[1,1,32,256]>, Tensor<[1,32,256]>, | ttnn.reshape | aten::view | 5 |
650 | Tensor<[1,1,16384,256]>, Tensor<[1,16384,256]>, | ttnn.reshape | aten::view | 5 |
651 | Tensor<[1,1,256,32]>, Tensor<[1,256,32]>, | ttnn.reshape | aten::view | 5 |
652 | Tensor<[1,16384,1,32]>, Tensor<[1,16384,32]>, | ttnn.reshape | aten::view | 5 |
653 | Tensor<[16384,128]>, Tensor<[1,16384,128]>, | ttnn.reshape | aten::view | 5 |
654 | Tensor<[1,128,16384]>, Tensor<[1,128,128,128]>, | ttnn.reshape | aten::view | 5 |
655 | Tensor<[1,128,128,128]>, Tensor<[1,128,16384]>, | ttnn.reshape | aten::view | 5 |
656 | Tensor<[1,16384,128]>, Tensor<[1,16384,128]>, | ttnn.reshape | aten::view | 5 |
657 | Tensor<[1,128,32]>, Tensor<[1,128,32]>, | ttnn.reshape | aten::view | 5 |
658 | Tensor<[1,16384,32]>, Tensor<[1,128,128,32]>, | ttnn.reshape | aten::view | 5 |
659 | Tensor<[1,64,64,64]>, Tensor<[1,64,4096]>, | ttnn.reshape | aten::view | 5 |
660 | Tensor<[1,4096,64]>, Tensor<[4096,64]>, | ttnn.reshape | aten::view | 5 |
661 | Tensor<[4096,64]>, Tensor<[1,4096,64]>, | ttnn.reshape | aten::view | 5 |
662 | Tensor<[1,4096,64]>, Tensor<[1,4096,2,32]>, | ttnn.reshape | aten::view | 5 |
663 | Tensor<[1,64,4096]>, Tensor<[1,64,64,64]>, | ttnn.reshape | aten::view | 5 |
664 | Tensor<[1,64,16,16]>, Tensor<[1,64,256]>, | ttnn.reshape | aten::view | 5 |
665 | Tensor<[1,256,64]>, Tensor<[256,64]>, | ttnn.reshape | aten::view | 5 |
666 | Tensor<[256,64]>, Tensor<[1,256,64]>, | ttnn.reshape | aten::view | 5 |
667 | Tensor<[1,256,64]>, Tensor<[1,256,2,32]>, | ttnn.reshape | aten::view | 5 |
668 | Tensor<[1,2,4096,32]>, Tensor<[2,4096,32]>, | ttnn.reshape | aten::view | 5 |
669 | Tensor<[1,2,32,256]>, Tensor<[2,32,256]>, | ttnn.reshape | aten::view | 5 |
670 | Tensor<[1,2,4096,256]>, Tensor<[2,4096,256]>, | ttnn.reshape | aten::view | 5 |
671 | Tensor<[1,2,256,32]>, Tensor<[2,256,32]>, | ttnn.reshape | aten::view | 5 |
672 | Tensor<[1,4096,2,32]>, Tensor<[1,4096,64]>, | ttnn.reshape | aten::view | 5 |
673 | Tensor<[4096,256]>, Tensor<[1,4096,256]>, | ttnn.reshape | aten::view | 5 |
674 | Tensor<[1,256,4096]>, Tensor<[1,256,64,64]>, | ttnn.reshape | aten::view | 5 |
675 | Tensor<[1,256,64,64]>, Tensor<[1,256,4096]>, | ttnn.reshape | aten::view | 5 |
676 | Tensor<[1,4096,64]>, Tensor<[1,64,64,64]>, | ttnn.reshape | aten::view | 5 |
677 | Tensor<[1,160,32,32]>, Tensor<[1,160,1024]>, | ttnn.reshape | aten::view | 5 |
678 | Tensor<[1,1024,160]>, Tensor<[1024,160]>, | ttnn.reshape | aten::view | 5 |
679 | Tensor<[1024,160]>, Tensor<[1,1024,160]>, | ttnn.reshape | aten::view | 5 |
680 | Tensor<[1,1024,160]>, Tensor<[1,1024,5,32]>, | ttnn.reshape | aten::view | 5 |
681 | Tensor<[1,160,1024]>, Tensor<[1,160,32,32]>, | ttnn.reshape | aten::view | 5 |
682 | Tensor<[1,160,16,16]>, Tensor<[1,160,256]>, | ttnn.reshape | aten::view | 5 |
683 | Tensor<[1,256,160]>, Tensor<[256,160]>, | ttnn.reshape | aten::view | 5 |
684 | Tensor<[256,160]>, Tensor<[1,256,160]>, | ttnn.reshape | aten::view | 5 |
685 | Tensor<[1,256,160]>, Tensor<[1,256,5,32]>, | ttnn.reshape | aten::view | 5 |
686 | Tensor<[1,5,1024,32]>, Tensor<[5,1024,32]>, | ttnn.reshape | aten::view | 5 |
687 | Tensor<[1,5,32,256]>, Tensor<[5,32,256]>, | ttnn.reshape | aten::view | 5 |
688 | Tensor<[1,5,1024,256]>, Tensor<[5,1024,256]>, | ttnn.reshape | aten::view | 5 |
689 | Tensor<[1,5,256,32]>, Tensor<[5,256,32]>, | ttnn.reshape | aten::view | 5 |
690 | Tensor<[1,1024,5,32]>, Tensor<[1,1024,160]>, | ttnn.reshape | aten::view | 5 |
691 | Tensor<[1,640,1024]>, Tensor<[1,640,32,32]>, | ttnn.reshape | aten::view | 5 |
692 | Tensor<[1,640,32,32]>, Tensor<[1,640,1024]>, | ttnn.reshape | aten::view | 5 |
693 | Tensor<[1,1024,640]>, Tensor<[1,1024,640]>, | ttnn.reshape | aten::view | 5 |
694 | Tensor<[1,640,160]>, Tensor<[1,640,160]>, | ttnn.reshape | aten::view | 5 |
695 | Tensor<[1,1024,160]>, Tensor<[1,32,32,160]>, | ttnn.reshape | aten::view | 5 |
696 | Tensor<[1,256,16,16]>, Tensor<[1,256,256]>, | ttnn.reshape | aten::view | 5 |
697 | Tensor<[1,256,8,32]>, Tensor<[1,256,256]>, | ttnn.reshape | aten::view | 5 |
698 | Tensor<[256,1024]>, Tensor<[1,256,1024]>, | ttnn.reshape | aten::view | 5 |
699 | Tensor<[1,1024,256]>, Tensor<[1,1024,16,16]>, | ttnn.reshape | aten::view | 5 |
700 | Tensor<[1,1024,16,16]>, Tensor<[1,1024,256]>, | ttnn.reshape | aten::view | 5 |
701 | Tensor<[1,256,1024]>, Tensor<[1,256,1024]>, | ttnn.reshape | aten::view | 5 |
702 | Tensor<[1,256,256]>, Tensor<[1,16,16,256]>, | ttnn.reshape | aten::view | 5 |
703 | Tensor<[1,32,256]>, Tensor<[1,32,256]>, | ttnn.reshape | aten::view | 5 |
704 | Tensor<[1,256,16384]>, Tensor<[1,256,128,128]>, | ttnn.reshape | aten::view | 5 |
705 | Tensor<[1,64,256]>, Tensor<[1,64,256]>, | ttnn.reshape | aten::view | 5 |
706 | Tensor<[1,160,256]>, Tensor<[1,160,256]>, | ttnn.reshape | aten::view | 5 |
707 | Tensor<[1,256,1024]>, Tensor<[1,256,32,32]>, | ttnn.reshape | aten::view | 5 |
708 | Tensor<[1,256,256]>, Tensor<[1,256,16,16]>, | ttnn.reshape | aten::view | 5 |
709 | Tensor<[1,71,7]>, Tensor<[1,71,7,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
710 | Tensor<[1,32,7]>, Tensor<[1,32,7]>, | ttnn.reshape | aten::_unsafe_view | 5 |
711 | Tensor<[7,4672]>, Tensor<[1,7,4672]>, | ttnn.reshape | aten::_unsafe_view | 5 |
712 | Tensor<[71,7,7]>, Tensor<[1,71,7,7]>, | ttnn.reshape | aten::_unsafe_view | 5 |
713 | Tensor<[71,7,64]>, Tensor<[1,71,7,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
714 | Tensor<[1,7,71,64]>, Tensor<[1,7,4544]>, | ttnn.reshape | aten::_unsafe_view | 5 |
715 | Tensor<[7,4544]>, Tensor<[1,7,4544]>, | ttnn.reshape | aten::_unsafe_view | 5 |
716 | Tensor<[7,18176]>, Tensor<[1,7,18176]>, | ttnn.reshape | aten::_unsafe_view | 5 |
717 | Tensor<[1,7,4544]>, Tensor<[7,4544]>, | ttnn.reshape | aten::_unsafe_view | 5 |
718 | Tensor<[7,65024]>, Tensor<[1,7,65024]>, | ttnn.reshape | aten::_unsafe_view | 5 |
719 | Tensor<[7,1]>, Tensor<[7,1,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
720 | Tensor<[1,7,1,64]>, Tensor<[1,7,1,64,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
721 | Tensor<[1,7,64]>, Tensor<[1,1,7,64]>, | ttnn.reshape | aten::unsqueeze | 5 |
722 | Tensor<[1,32,1]>, Tensor<[1,32,1]>, | ttnn.reshape | aten::view | 5 |
723 | Tensor<[1,1,7]>, Tensor<[1,1,7]>, | ttnn.reshape | aten::view | 5 |
724 | Tensor<[1,7,4672]>, Tensor<[1,7,73,64]>, | ttnn.reshape | aten::view | 5 |
725 | Tensor<[1,71,7,64]>, Tensor<[1,71,7,64]>, | ttnn.reshape | aten::view | 5 |
726 | Tensor<[1,1,7,64]>, Tensor<[1,1,7,64]>, | ttnn.reshape | aten::view | 5 |
727 | Tensor<[1,71,7,64]>, Tensor<[71,7,64]>, | ttnn.reshape | aten::view | 5 |
728 | Tensor<[1,71,64,7]>, Tensor<[71,64,7]>, | ttnn.reshape | aten::view | 5 |
729 | Tensor<[1,71,7,7]>, Tensor<[71,7,7]>, | ttnn.reshape | aten::view | 5 |
730 | Tensor<[1,7,18176]>, Tensor<[7,18176]>, | ttnn.reshape | aten::view | 5 |
731 | Tensor<[1,1280]>, Tensor<[1,1280,1,1]>, | ttnn.reshape | aten::mean.dim | 4 |
732 | Tensor<[96]>, Tensor<[96,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
733 | Tensor<[96,1]>, Tensor<[96,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
734 | Tensor<[144]>, Tensor<[144,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
735 | Tensor<[144,1]>, Tensor<[144,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
736 | Tensor<[192]>, Tensor<[192,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
737 | Tensor<[192,1]>, Tensor<[192,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
738 | Tensor<[384]>, Tensor<[384,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
739 | Tensor<[384,1]>, Tensor<[384,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
740 | Tensor<[576]>, Tensor<[576,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
741 | Tensor<[576,1]>, Tensor<[576,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
742 | Tensor<[960]>, Tensor<[960,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
743 | Tensor<[960,1]>, Tensor<[960,1,1]>, | ttnn.reshape | aten::unsqueeze | 5 |
744 | Tensor<[1,1280,1,1]>, Tensor<[1,1280]>, | ttnn.reshape | aten::view | 5 |
745 | Tensor<[1,12,12]>, Tensor<[1,12,12,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
746 | Tensor<[1,12]>, Tensor<[1,1,12]>, | ttnn.reshape | aten::unsqueeze | 4 |
747 | Tensor<[1,1,12]>, Tensor<[1,1,1,12]>, | ttnn.reshape | aten::unsqueeze | 4 |
748 | Tensor<[1,12,128]>, Tensor<[12,128]>, | ttnn.reshape | aten::view | 5 |
749 | Tensor<[12,768]>, Tensor<[1,12,768]>, | ttnn.reshape | aten::view | 5 |
750 | Tensor<[1,12,768]>, Tensor<[12,768]>, | ttnn.reshape | aten::view | 5 |
751 | Tensor<[1,12,768]>, Tensor<[1,12,12,64]>, | ttnn.reshape | aten::view | 5 |
752 | Tensor<[1,12,12,64]>, Tensor<[12,12,64]>, | ttnn.reshape | aten::view | 5 |
753 | Tensor<[1,12,64,12]>, Tensor<[12,64,12]>, | ttnn.reshape | aten::view | 5 |
754 | Tensor<[12,12,12]>, Tensor<[1,12,12,12]>, | ttnn.reshape | aten::view | 5 |
755 | Tensor<[1,12,12,12]>, Tensor<[12,12,12]>, | ttnn.reshape | aten::view | 5 |
756 | Tensor<[12,12,64]>, Tensor<[1,12,12,64]>, | ttnn.reshape | aten::view | 5 |
757 | Tensor<[1,12,12,64]>, Tensor<[1,12,768]>, | ttnn.reshape | aten::view | 5 |
758 | Tensor<[12,3072]>, Tensor<[1,12,3072]>, | ttnn.reshape | aten::view | 5 |
759 | Tensor<[1,12,3072]>, Tensor<[12,3072]>, | ttnn.reshape | aten::view | 5 |
760 | Tensor<[12,2]>, Tensor<[1,12,2]>, | ttnn.reshape | aten::view | 5 |
761 | Tensor<[1,12,9]>, Tensor<[1,12,9,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
762 | Tensor<[1,9]>, Tensor<[1,1,9]>, | ttnn.reshape | aten::unsqueeze | 4 |
763 | Tensor<[1,1,9]>, Tensor<[1,1,1,9]>, | ttnn.reshape | aten::unsqueeze | 4 |
764 | Tensor<[1,9,128]>, Tensor<[9,128]>, | ttnn.reshape | aten::view | 5 |
765 | Tensor<[9,768]>, Tensor<[1,9,768]>, | ttnn.reshape | aten::view | 5 |
766 | Tensor<[1,9,768]>, Tensor<[1,9,12,64]>, | ttnn.reshape | aten::view | 5 |
767 | Tensor<[1,12,9,64]>, Tensor<[12,9,64]>, | ttnn.reshape | aten::view | 5 |
768 | Tensor<[1,12,64,9]>, Tensor<[12,64,9]>, | ttnn.reshape | aten::view | 5 |
769 | Tensor<[12,9,9]>, Tensor<[1,12,9,9]>, | ttnn.reshape | aten::view | 5 |
770 | Tensor<[1,12,9,9]>, Tensor<[12,9,9]>, | ttnn.reshape | aten::view | 5 |
771 | Tensor<[12,9,64]>, Tensor<[1,12,9,64]>, | ttnn.reshape | aten::view | 5 |
772 | Tensor<[1,9,12,64]>, Tensor<[1,9,768]>, | ttnn.reshape | aten::view | 5 |
773 | Tensor<[9,3072]>, Tensor<[1,9,3072]>, | ttnn.reshape | aten::view | 5 |
774 | Tensor<[1,9,3072]>, Tensor<[9,3072]>, | ttnn.reshape | aten::view | 5 |
775 | Tensor<[9,128]>, Tensor<[1,9,128]>, | ttnn.reshape | aten::view | 5 |
776 | Tensor<[9,30000]>, Tensor<[1,9,30000]>, | ttnn.reshape | aten::view | 5 |
777 | Tensor<[1,16,9]>, Tensor<[1,16,9,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
778 | Tensor<[9,2048]>, Tensor<[1,9,2048]>, | ttnn.reshape | aten::view | 5 |
779 | Tensor<[1,9,2048]>, Tensor<[9,2048]>, | ttnn.reshape | aten::view | 5 |
780 | Tensor<[1,9,2048]>, Tensor<[1,9,16,128]>, | ttnn.reshape | aten::view | 5 |
781 | Tensor<[1,16,9,128]>, Tensor<[16,9,128]>, | ttnn.reshape | aten::view | 5 |
782 | Tensor<[1,16,128,9]>, Tensor<[16,128,9]>, | ttnn.reshape | aten::view | 5 |
783 | Tensor<[16,9,9]>, Tensor<[1,16,9,9]>, | ttnn.reshape | aten::view | 5 |
784 | Tensor<[1,16,9,9]>, Tensor<[16,9,9]>, | ttnn.reshape | aten::view | 5 |
785 | Tensor<[16,9,128]>, Tensor<[1,16,9,128]>, | ttnn.reshape | aten::view | 5 |
786 | Tensor<[1,9,16,128]>, Tensor<[1,9,2048]>, | ttnn.reshape | aten::view | 5 |
787 | Tensor<[9,8192]>, Tensor<[1,9,8192]>, | ttnn.reshape | aten::view | 5 |
788 | Tensor<[1,9,8192]>, Tensor<[9,8192]>, | ttnn.reshape | aten::view | 5 |
789 | Tensor<[9,1024]>, Tensor<[1,9,1024]>, | ttnn.reshape | aten::view | 5 |
790 | Tensor<[1,9,1024]>, Tensor<[9,1024]>, | ttnn.reshape | aten::view | 5 |
791 | Tensor<[1,9,1024]>, Tensor<[1,9,16,64]>, | ttnn.reshape | aten::view | 5 |
792 | Tensor<[1,16,9,64]>, Tensor<[16,9,64]>, | ttnn.reshape | aten::view | 5 |
793 | Tensor<[1,16,64,9]>, Tensor<[16,64,9]>, | ttnn.reshape | aten::view | 5 |
794 | Tensor<[16,9,64]>, Tensor<[1,16,9,64]>, | ttnn.reshape | aten::view | 5 |
795 | Tensor<[1,9,16,64]>, Tensor<[1,9,1024]>, | ttnn.reshape | aten::view | 5 |
796 | Tensor<[9,4096]>, Tensor<[1,9,4096]>, | ttnn.reshape | aten::view | 5 |
797 | Tensor<[1,9,4096]>, Tensor<[9,4096]>, | ttnn.reshape | aten::view | 5 |
798 | Tensor<[1,64,9]>, Tensor<[1,64,9,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
799 | Tensor<[1,9,4096]>, Tensor<[1,9,64,64]>, | ttnn.reshape | aten::view | 5 |
800 | Tensor<[1,64,9,64]>, Tensor<[64,9,64]>, | ttnn.reshape | aten::view | 5 |
801 | Tensor<[1,64,64,9]>, Tensor<[64,64,9]>, | ttnn.reshape | aten::view | 5 |
802 | Tensor<[64,9,9]>, Tensor<[1,64,9,9]>, | ttnn.reshape | aten::view | 5 |
803 | Tensor<[1,64,9,9]>, Tensor<[64,9,9]>, | ttnn.reshape | aten::view | 5 |
804 | Tensor<[64,9,64]>, Tensor<[1,64,9,64]>, | ttnn.reshape | aten::view | 5 |
805 | Tensor<[1,9,64,64]>, Tensor<[1,9,4096]>, | ttnn.reshape | aten::view | 5 |
806 | Tensor<[9,16384]>, Tensor<[1,9,16384]>, | ttnn.reshape | aten::view | 5 |
807 | Tensor<[1,9,16384]>, Tensor<[9,16384]>, | ttnn.reshape | aten::view | 5 |
808 | Tensor<[1,12,14]>, Tensor<[1,12,14,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
809 | Tensor<[1,14,1]>, Tensor<[1,14]>, | ttnn.reshape | aten::squeeze.dim | 5 |
810 | Tensor<[1,14]>, Tensor<[1,1,14]>, | ttnn.reshape | aten::unsqueeze | 4 |
811 | Tensor<[1,1,14]>, Tensor<[1,1,1,14]>, | ttnn.reshape | aten::unsqueeze | 4 |
812 | Tensor<[1,14,128]>, Tensor<[14,128]>, | ttnn.reshape | aten::view | 5 |
813 | Tensor<[14,768]>, Tensor<[1,14,768]>, | ttnn.reshape | aten::view | 5 |
814 | Tensor<[1,14,768]>, Tensor<[14,768]>, | ttnn.reshape | aten::view | 5 |
815 | Tensor<[1,14,768]>, Tensor<[1,14,12,64]>, | ttnn.reshape | aten::view | 5 |
816 | Tensor<[1,12,14,64]>, Tensor<[12,14,64]>, | ttnn.reshape | aten::view | 5 |
817 | Tensor<[1,12,64,14]>, Tensor<[12,64,14]>, | ttnn.reshape | aten::view | 5 |
818 | Tensor<[12,14,14]>, Tensor<[1,12,14,14]>, | ttnn.reshape | aten::view | 5 |
819 | Tensor<[1,12,14,14]>, Tensor<[12,14,14]>, | ttnn.reshape | aten::view | 5 |
820 | Tensor<[12,14,64]>, Tensor<[1,12,14,64]>, | ttnn.reshape | aten::view | 5 |
821 | Tensor<[1,14,12,64]>, Tensor<[1,14,768]>, | ttnn.reshape | aten::view | 5 |
822 | Tensor<[14,3072]>, Tensor<[1,14,3072]>, | ttnn.reshape | aten::view | 5 |
823 | Tensor<[1,14,3072]>, Tensor<[14,3072]>, | ttnn.reshape | aten::view | 5 |
824 | Tensor<[14,2]>, Tensor<[1,14,2]>, | ttnn.reshape | aten::view | 5 |
825 | Tensor<[1,12,50]>, Tensor<[1,12,50,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
826 | Tensor<[2,8,7]>, Tensor<[2,8,7,1]>, | ttnn.reshape | aten::_safe_softmax | 4 |
827 | Tensor<[2,8,7,64]>, Tensor<[16,7,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
828 | Tensor<[2,8,64,7]>, Tensor<[16,64,7]>, | ttnn.reshape | aten::_unsafe_view | 5 |
829 | Tensor<[2]>, Tensor<[2,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
830 | Tensor<[2,7]>, Tensor<[2,1,7]>, | ttnn.reshape | aten::unsqueeze | 4 |
831 | Tensor<[2,1,7]>, Tensor<[2,1,1,7]>, | ttnn.reshape | aten::unsqueeze | 4 |
832 | Tensor<[1,768,7,7]>, Tensor<[1,768,49]>, | ttnn.reshape | aten::view | 5 |
833 | Tensor<[1,50,768]>, Tensor<[50,768]>, | ttnn.reshape | aten::view | 5 |
834 | Tensor<[50,768]>, Tensor<[1,50,768]>, | ttnn.reshape | aten::view | 5 |
835 | Tensor<[1,50,768]>, Tensor<[1,50,12,64]>, | ttnn.reshape | aten::view | 5 |
836 | Tensor<[1,12,50,64]>, Tensor<[12,50,64]>, | ttnn.reshape | aten::view | 5 |
837 | Tensor<[1,12,64,50]>, Tensor<[12,64,50]>, | ttnn.reshape | aten::view | 5 |
838 | Tensor<[12,50,50]>, Tensor<[1,12,50,50]>, | ttnn.reshape | aten::view | 5 |
839 | Tensor<[1,12,50,50]>, Tensor<[12,50,50]>, | ttnn.reshape | aten::view | 5 |
840 | Tensor<[12,50,64]>, Tensor<[1,12,50,64]>, | ttnn.reshape | aten::view | 5 |
841 | Tensor<[1,50,12,64]>, Tensor<[1,50,768]>, | ttnn.reshape | aten::view | 5 |
842 | Tensor<[50,3072]>, Tensor<[1,50,3072]>, | ttnn.reshape | aten::view | 5 |
843 | Tensor<[1,50,3072]>, Tensor<[50,3072]>, | ttnn.reshape | aten::view | 5 |
844 | Tensor<[2,7]>, Tensor<[2,7]>, | ttnn.reshape | aten::view | 4 |
845 | Tensor<[2,7,512]>, Tensor<[14,512]>, | ttnn.reshape | aten::view | 5 |
846 | Tensor<[14,512]>, Tensor<[2,7,512]>, | ttnn.reshape | aten::view | 5 |
847 | Tensor<[2,7,512]>, Tensor<[2,7,8,64]>, | ttnn.reshape | aten::view | 5 |
848 | Tensor<[16,7,7]>, Tensor<[2,8,7,7]>, | ttnn.reshape | aten::view | 5 |
849 | Tensor<[2,8,7,7]>, Tensor<[16,7,7]>, | ttnn.reshape | aten::view | 5 |
850 | Tensor<[16,7,64]>, Tensor<[2,8,7,64]>, | ttnn.reshape | aten::view | 5 |
851 | Tensor<[2,7,8,64]>, Tensor<[2,7,512]>, | ttnn.reshape | aten::view | 5 |
852 | Tensor<[14,2048]>, Tensor<[2,7,2048]>, | ttnn.reshape | aten::view | 5 |
853 | Tensor<[2,7,2048]>, Tensor<[14,2048]>, | ttnn.reshape | aten::view | 5 |
854 | Tensor<[1,16,197]>, Tensor<[1,16,197,1]>, | ttnn.reshape | aten::_softmax | 4 |
855 | Tensor<[197,1024]>, Tensor<[1,197,1024]>, | ttnn.reshape | aten::_unsafe_view | 5 |
856 | Tensor<[16,197,197]>, Tensor<[1,16,197,197]>, | ttnn.reshape | aten::_unsafe_view | 5 |
857 | Tensor<[16,197,64]>, Tensor<[1,16,197,64]>, | ttnn.reshape | aten::_unsafe_view | 5 |
858 | Tensor<[1,16,27,27]>, Tensor<[1,16,27,27,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
859 | Tensor<[38809]>, Tensor<[38809,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
860 | Tensor<[196,196,1]>, Tensor<[196,196]>, | ttnn.reshape | aten::select.int | 4 |
861 | Tensor<[1,197]>, Tensor<[197]>, | ttnn.reshape | aten::select.int | 4 |
862 | Tensor<[197,1]>, Tensor<[197]>, | ttnn.reshape | aten::select.int | 4 |
863 | Tensor<[196,196]>, Tensor<[196,196,1]>, | ttnn.reshape | aten::select_scatter | 4 |
864 | Tensor<[197]>, Tensor<[1,197]>, | ttnn.reshape | aten::select_scatter | 4 |
865 | Tensor<[197]>, Tensor<[197,1]>, | ttnn.reshape | aten::select_scatter | 4 |
866 | Tensor<[14,14]>, Tensor<[1,14,14]>, | ttnn.reshape | aten::stack | 4 |
867 | Tensor<[2,196]>, Tensor<[2,196,1]>, | ttnn.reshape | aten::unsqueeze | 4 |
868 | Tensor<[2,196]>, Tensor<[2,1,196]>, | ttnn.reshape | aten::unsqueeze | 4 |
869 | Tensor<[1,1024,14,14]>, Tensor<[1,1024,196]>, | ttnn.reshape | aten::view | 5 |
870 | Tensor<[1,197,1024]>, Tensor<[197,1024]>, | ttnn.reshape | aten::view | 5 |
871 | Tensor<[1,197,1024]>, Tensor<[1,197,16,64]>, | ttnn.reshape | aten::view | 5 |
872 | Tensor<[1,16,197,64]>, Tensor<[16,197,64]>, | ttnn.reshape | aten::view | 5 |
873 | Tensor<[1,16,64,197]>, Tensor<[16,64,197]>, | ttnn.reshape | aten::view | 5 |
874 | Tensor<[729,16]>, Tensor<[1,27,27,16]>, | ttnn.reshape | aten::view | 5 |
875 | Tensor<[27]>, Tensor<[27,1]>, | ttnn.reshape | aten::view | 5 |
876 | Tensor<[1,27,27,16]>, Tensor<[729,16]>, | ttnn.reshape | aten::view | 5 |
877 | Tensor<[14]>, Tensor<[1,14]>, | ttnn.reshape | aten::view | 4 |
878 | Tensor<[2,14,14]>, Tensor<[2,196]>, | ttnn.reshape | aten::view | 4 |
879 | Tensor<[197,197]>, Tensor<[38809]>, | ttnn.reshape | aten::view | 4 |
880 | Tensor<[38809,16]>, Tensor<[197,197,16]>, | ttnn.reshape | aten::view | 5 |
881 | Tensor<[1,16,197,197]>, Tensor<[16,197,197]>, | ttnn.reshape | aten::view | 5 |
882 | Tensor<[1,197,16,64]>, Tensor<[1,197,1024]>, | ttnn.reshape | aten::view | 5 |
883 | Tensor<[197,4096]>, Tensor<[1,197,4096]>, | ttnn.reshape | aten::view | 5 |
884 | Tensor<[1,197,4096]>, Tensor<[197,4096]>, | ttnn.reshape | aten::view | 5 |
885 | Tensor<[12,1]>, Tensor<[12,1,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
886 | Tensor<[1,12,27,27]>, Tensor<[1,12,27,27,1]>, | ttnn.reshape | aten::index.Tensor | 4 |
887 | Tensor<[729,12]>, Tensor<[1,27,27,12]>, | ttnn.reshape | aten::view | 5 |
888 | Tensor<[1,27,27,12]>, Tensor<[729,12]>, | ttnn.reshape | aten::view | 5 |
889 | Tensor<[38809,12]>, Tensor<[197,197,12]>, | ttnn.reshape | aten::view | 5 |
stablehlo.reverse::ttnn.?
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[2,2,256,512]>, dims: [0, 1] | ttnn.? | aten::convolution | 4 |
1 | Tensor<[2,2,128,256]>, dims: [0, 1] | ttnn.? | aten::convolution | 4 |
2 | Tensor<[2,2,64,128]>, dims: [0, 1] | ttnn.? | aten::convolution | 4 |
3 | Tensor<[2,2,32,64]>, dims: [0, 1] | ttnn.? | aten::convolution | 4 |
4 | Tensor<[2,2,16,4]>, dims: [0, 1] | ttnn.? | aten::convolution | 4 |
5 | Tensor<[2,2,1,16]>, dims: [0, 1] | ttnn.? | aten::convolution | 4 |
6 | Tensor<[2,2,512,1024]>, dims: [0, 1] | ttnn.? | aten::convolution | 4 |
stablehlo.rng
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Scalar, Scalar, Tensor<[3]>, distribution: UNIFORM | aten::rand | 4 |
stablehlo.rsqrt::ttnn.rsqrt
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
1 | Tensor<[1,7,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
2 | Tensor<[1,1024,512]>, | ttnn.rsqrt | aten::gelu | 4 |
3 | Tensor<[1,256,256]>, | ttnn.rsqrt | aten::gelu | 4 |
4 | Tensor<[1,256,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
5 | Tensor<[1,64,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
6 | Tensor<[1,256,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
7 | Tensor<[1,128,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
8 | Tensor<[1,512,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
9 | Tensor<[1,1024,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
10 | Tensor<[1,2048,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
11 | Tensor<[920,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
12 | Tensor<[100,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
13 | Tensor<[1,10,3072]>, | ttnn.rsqrt | aten::gelu | 4 |
14 | Tensor<[1,10,768]>, | ttnn.rsqrt | aten::gelu | 4 |
15 | Tensor<[1,10,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
16 | Tensor<[1,4096,1280]>, | ttnn.rsqrt | aten::gelu | 4 |
17 | Tensor<[1,1024,2560]>, | ttnn.rsqrt | aten::gelu | 4 |
18 | Tensor<[1,256,5120]>, | ttnn.rsqrt | aten::gelu | 4 |
19 | Tensor<[1,64,5120]>, | ttnn.rsqrt | aten::gelu | 4 |
20 | Tensor<[1,32,1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
21 | Tensor<[1,4096,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
22 | Tensor<[1,1024,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
23 | Tensor<[1,64,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
24 | Tensor<[1,25,3072]>, | ttnn.rsqrt | aten::gelu | 4 |
25 | Tensor<[1,25,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
26 | Tensor<[1,1445,768]>, | ttnn.rsqrt | aten::gelu | 4 |
27 | Tensor<[1,1445,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
28 | Tensor<[1,3072,8]>, | ttnn.rsqrt | aten::gelu | 4 |
29 | Tensor<[1,8,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
30 | Tensor<[1,256,1280]>, | ttnn.rsqrt | aten::gelu | 4 |
31 | Tensor<[1,2048,768]>, | ttnn.rsqrt | aten::gelu | 4 |
32 | Tensor<[1,2048,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
33 | Tensor<[1,201,3072]>, | ttnn.rsqrt | aten::gelu | 4 |
34 | Tensor<[1,1536]>, | ttnn.rsqrt | aten::gelu | 4 |
35 | Tensor<[1,201,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
36 | Tensor<[1,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
37 | Tensor<[1,19,4096]>, | ttnn.rsqrt | aten::gelu | 4 |
38 | Tensor<[1,19,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
39 | Tensor<[1,16,3072]>, | ttnn.rsqrt | aten::gelu | 4 |
40 | Tensor<[1,16,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
41 | Tensor<[1,19200,256]>, | ttnn.rsqrt | aten::gelu | 4 |
42 | Tensor<[1,4800,512]>, | ttnn.rsqrt | aten::gelu | 4 |
43 | Tensor<[1,1200,1280]>, | ttnn.rsqrt | aten::gelu | 4 |
44 | Tensor<[1,300,2048]>, | ttnn.rsqrt | aten::gelu | 4 |
45 | Tensor<[1,19200,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
46 | Tensor<[1,300,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
47 | Tensor<[1,4800,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
48 | Tensor<[1,1200,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
49 | Tensor<[1,197,3072]>, | ttnn.rsqrt | aten::gelu | 4 |
50 | Tensor<[1,197,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
51 | Tensor<[1,16384,128]>, | ttnn.rsqrt | aten::gelu | 4 |
52 | Tensor<[1,4096,256]>, | ttnn.rsqrt | aten::gelu | 4 |
53 | Tensor<[1,1024,640]>, | ttnn.rsqrt | aten::gelu | 4 |
54 | Tensor<[1,256,1024]>, | ttnn.rsqrt | aten::gelu | 4 |
55 | Tensor<[1,16384,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
56 | Tensor<[1,7,18176]>, | ttnn.rsqrt | aten::gelu | 4 |
57 | Tensor<[1,12,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
58 | Tensor<[1,9,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
59 | Tensor<[1,14,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
60 | Tensor<[1,50,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
61 | Tensor<[2,7,1]>, | ttnn.rsqrt | aten::rsqrt | 5 |
62 | Tensor<[1,197,4096]>, | ttnn.rsqrt | aten::gelu | 4 |
stablehlo.scatter::ttnn.scatter
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,3,720,1280]>, Tensor<[1,1]>, Tensor<[1,3,720,1280]>, update_window_dims: [1, 2, 3] inserted_window_dims: [0] scatter_dims_to_operand_dims: [0] index_vector_dim: 1> | ttnn.scatter | aten::select_scatter | 4 |
1 | Tensor<[1,720,1280]>, Tensor<[1,1]>, Tensor<[1,720,1280]>, update_window_dims: [1, 2] inserted_window_dims: [0] scatter_dims_to_operand_dims: [0] index_vector_dim: 1> | ttnn.scatter | aten::select_scatter | 4 |
2 | Tensor<[196,196,2]>, Tensor<[1,1]>, Tensor<[196,196,1]>, update_window_dims: [0, 1] inserted_window_dims: [2] scatter_dims_to_operand_dims: [2] index_vector_dim: 1> | ttnn.scatter | aten::select_scatter | 4 |
3 | Tensor<[197,197]>, Tensor<[1,1]>, Tensor<[1,197]>, update_window_dims: [1] inserted_window_dims: [0] scatter_dims_to_operand_dims: [0] index_vector_dim: 1> | ttnn.scatter | aten::select_scatter | 4 |
4 | Tensor<[197,197]>, Tensor<[1,1]>, Tensor<[197,1]>, update_window_dims: [0] inserted_window_dims: [1] scatter_dims_to_operand_dims: [1] index_vector_dim: 1> | ttnn.scatter | aten::select_scatter | 4 |
5 | Tensor<[197]>, Tensor<[1,1]>, Tensor<[1]>, inserted_window_dims: [0] scatter_dims_to_operand_dims: [0] index_vector_dim: 1> | ttnn.scatter | aten::select_scatter | 4 |
stablehlo.select::ttnn.where
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, Tensor<[1,32,32,32]>, | ttnn.where | aten::_safe_softmax | 4 |
1 | Tensor<[32,32]>, Tensor<[32,32]>, | ttnn.where | aten::triu | 4 |
2 | Tensor<[1,1,32,32]>, Tensor<[1,1,32,32]>, | ttnn.where | aten::where.self | 4 |
3 | Tensor<[1,12,7,7]>, Tensor<[1,12,7,7]>, | ttnn.where | aten::_safe_softmax | 4 |
4 | Tensor<[7,7]>, Tensor<[7,7]>, | ttnn.where | aten::where.self | 4 |
5 | Tensor<[1,1,7,7]>, Tensor<[1,1,7,7]>, | ttnn.where | aten::where.self | 4 |
6 | Tensor<[1,920]>, Tensor<[1,920]>, | ttnn.where | aten::where.self | 4 |
7 | Tensor<[1,12,10,10]>, Tensor<[1,12,10,10]>, | ttnn.where | aten::_safe_softmax | 4 |
8 | Tensor<[1,1,10,10]>, Tensor<[1,1,10,10]>, | ttnn.where | aten::where.self | 4 |
9 | Tensor<[1,8,4096,4096]>, Tensor<[1,8,4096,4096]>, | ttnn.where | aten::_safe_softmax | 4 |
10 | Tensor<[1,8,4096,9]>, Tensor<[1,8,4096,9]>, | ttnn.where | aten::_safe_softmax | 4 |
11 | Tensor<[1,8,1024,1024]>, Tensor<[1,8,1024,1024]>, | ttnn.where | aten::_safe_softmax | 4 |
12 | Tensor<[1,8,1024,9]>, Tensor<[1,8,1024,9]>, | ttnn.where | aten::_safe_softmax | 4 |
13 | Tensor<[1,8,256,256]>, Tensor<[1,8,256,256]>, | ttnn.where | aten::_safe_softmax | 4 |
14 | Tensor<[1,8,256,9]>, Tensor<[1,8,256,9]>, | ttnn.where | aten::_safe_softmax | 4 |
15 | Tensor<[1,8,64,64]>, Tensor<[1,8,64,64]>, | ttnn.where | aten::_safe_softmax | 4 |
16 | Tensor<[1,8,64,9]>, Tensor<[1,8,64,9]>, | ttnn.where | aten::_safe_softmax | 4 |
17 | Tensor<[1,12,25,25]>, Tensor<[1,12,25,25]>, | ttnn.where | aten::_safe_softmax | 4 |
18 | Tensor<[1,1,25,25]>, Tensor<[1,1,25,25]>, | ttnn.where | aten::where.self | 4 |
19 | Tensor<[1,3,1445,1445]>, Tensor<[1,3,1445,1445]>, | ttnn.where | aten::_safe_softmax | 4 |
20 | Tensor<[19,19]>, Tensor<[19,19]>, | ttnn.where | aten::where.self | 4 |
21 | Tensor<[1,1,19,19]>, Tensor<[1,1,19,19]>, | ttnn.where | aten::where.self | 4 |
22 | Tensor<[1,19]>, Tensor<[1,19]>, | ttnn.where | aten::where.self | 4 |
23 | Tensor<[19]>, Tensor<[19]>, | ttnn.where | aten::where.self | 4 |
24 | Tensor<[1,12,16,16]>, Tensor<[1,12,16,16]>, | ttnn.where | aten::_safe_softmax | 4 |
25 | Tensor<[1,1,16,16]>, Tensor<[1,1,16,16]>, | ttnn.where | aten::where.self | 4 |
26 | Tensor<[1,12,197,197]>, Tensor<[1,12,197,197]>, | ttnn.where | aten::_safe_softmax | 4 |
27 | Tensor<[1,71,7,7]>, Tensor<[1,71,7,7]>, | ttnn.where | aten::_safe_softmax | 4 |
28 | Tensor<[1,12,12,12]>, Tensor<[1,12,12,12]>, | ttnn.where | aten::_safe_softmax | 4 |
29 | Tensor<[1,1,12,12]>, Tensor<[1,1,12,12]>, | ttnn.where | aten::where.self | 4 |
30 | Tensor<[1,12,9,9]>, Tensor<[1,12,9,9]>, | ttnn.where | aten::_safe_softmax | 4 |
31 | Tensor<[1,1,9,9]>, Tensor<[1,1,9,9]>, | ttnn.where | aten::where.self | 4 |
32 | Tensor<[1,16,9,9]>, Tensor<[1,16,9,9]>, | ttnn.where | aten::_safe_softmax | 4 |
33 | Tensor<[1,64,9,9]>, Tensor<[1,64,9,9]>, | ttnn.where | aten::_safe_softmax | 4 |
34 | Tensor<[1,12,14,14]>, Tensor<[1,12,14,14]>, | ttnn.where | aten::_safe_softmax | 4 |
35 | Tensor<[1,1,14,14]>, Tensor<[1,1,14,14]>, | ttnn.where | aten::where.self | 4 |
36 | Tensor<[1,12,50,50]>, Tensor<[1,12,50,50]>, | ttnn.where | aten::_safe_softmax | 4 |
37 | Tensor<[2,8,7,7]>, Tensor<[2,8,7,7]>, | ttnn.where | aten::_safe_softmax | 4 |
38 | Tensor<[2,1,7,7]>, Tensor<[2,1,7,7]>, | ttnn.where | aten::where.self | 4 |
39 | Tensor<[196,197]>, Tensor<[196,197]>, | ttnn.where | aten::where.self | 4 |
40 | Tensor<[197,197]>, Tensor<[197,197]>, | ttnn.where | aten::where.self | 4 |
stablehlo.sine::ttnn.sin
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,128]>, | ttnn.sin | aten::sin | 4 |
1 | Tensor<[1,23,40,64]>, | ttnn.sin | aten::sin | 4 |
2 | Tensor<[1,160]>, | ttnn.sin | aten::sin | 4 |
3 | Tensor<[1,7,64]>, | ttnn.sin | aten::sin | 4 |
stablehlo.slice::ttnn.slice
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,128]>, indices: [0:1, 0:32, 0:32, 0:64] | ttnn.reshape | aten::slice.Tensor | 4 |
1 | Tensor<[1,32,32,128]>, indices: [0:1, 0:32, 0:32, 64:128] | ttnn.reshape | aten::slice.Tensor | 4 |
2 | Tensor<[1,7,2304]>, indices: [0:1, 0:7, 0:768] | ttnn.reshape | aten::slice.Tensor | 4 |
3 | Tensor<[1,7,2304]>, indices: [0:1, 0:7, 768:1536] | ttnn.reshape | aten::slice.Tensor | 4 |
4 | Tensor<[1,7,2304]>, indices: [0:1, 0:7, 1536:2304] | ttnn.reshape | aten::slice.Tensor | 4 |
5 | Tensor<[1,185,28,28]>, indices: [0:1, 0:128, 0:28, 0:28] | ttnn.reshape | aten::slice.Tensor | 4 |
6 | Tensor<[1,185,28,28]>, indices: [0:1, 128:185, 0:28, 0:28] | ttnn.reshape | aten::slice.Tensor | 4 |
7 | Tensor<[6,1,100,4]>, indices: [5:6, 0:1, 0:100, 0:4] | ttnn.reshape | aten::select.int | 4 |
8 | Tensor<[6,1,100,92]>, indices: [5:6, 0:1, 0:100, 0:92] | ttnn.reshape | aten::select.int | 4 |
9 | Tensor<[1,23,40]>, indices: [0:1, 22:23, 0:40] | ttnn.reshape | aten::slice.Tensor | 4 |
10 | Tensor<[1,23,40]>, indices: [0:1, 0:23, 39:40] | ttnn.reshape | aten::slice.Tensor | 4 |
11 | Tensor<[1,23,40,128]>, indices: [0:1, 0:23, 0:40, 0:128:2] | ttnn.reshape | aten::slice.Tensor | 4 |
12 | Tensor<[1,23,40,128]>, indices: [0:1, 0:23, 0:40, 1:128:2] | ttnn.reshape | aten::slice.Tensor | 4 |
13 | Tensor<[768,256]>, indices: [0:256, 0:256] | ttnn.reshape | aten::slice.Tensor | 4 |
14 | Tensor<[768,256]>, indices: [256:512, 0:256] | ttnn.reshape | aten::slice.Tensor | 4 |
15 | Tensor<[768,256]>, indices: [512:768, 0:256] | ttnn.reshape | aten::slice.Tensor | 4 |
16 | Tensor<[768]>, indices: [0:256] | ttnn.reshape | aten::slice.Tensor | 4 |
17 | Tensor<[768]>, indices: [256:512] | ttnn.reshape | aten::slice.Tensor | 4 |
18 | Tensor<[768]>, indices: [512:768] | ttnn.reshape | aten::slice.Tensor | 4 |
19 | Tensor<[1,514]>, indices: [0:1, 0:10] | ttnn.reshape | aten::slice.Tensor | 4 |
20 | Tensor<[1,320]>, indices: [0:1, 160:320] | ttnn.reshape | aten::slice.Tensor | 4 |
21 | Tensor<[1,320]>, indices: [0:1, 0:160] | ttnn.reshape | aten::slice.Tensor | 4 |
22 | Tensor<[1,4096,2560]>, indices: [0:1, 0:4096, 0:1280] | ttnn.reshape | aten::slice.Tensor | 4 |
23 | Tensor<[1,4096,2560]>, indices: [0:1, 0:4096, 1280:2560] | ttnn.reshape | aten::slice.Tensor | 4 |
24 | Tensor<[1,1024,5120]>, indices: [0:1, 0:1024, 0:2560] | ttnn.reshape | aten::slice.Tensor | 4 |
25 | Tensor<[1,1024,5120]>, indices: [0:1, 0:1024, 2560:5120] | ttnn.reshape | aten::slice.Tensor | 4 |
26 | Tensor<[1,256,10240]>, indices: [0:1, 0:256, 0:5120] | ttnn.reshape | aten::slice.Tensor | 4 |
27 | Tensor<[1,256,10240]>, indices: [0:1, 0:256, 5120:10240] | ttnn.reshape | aten::slice.Tensor | 4 |
28 | Tensor<[1,64,10240]>, indices: [0:1, 0:64, 0:5120] | ttnn.reshape | aten::slice.Tensor | 4 |
29 | Tensor<[1,64,10240]>, indices: [0:1, 0:64, 5120:10240] | ttnn.reshape | aten::slice.Tensor | 4 |
30 | Tensor<[1,25,768]>, indices: [0:1, 0:1, 0:768] | ttnn.reshape | aten::select.int | 4 |
31 | Tensor<[1,512]>, indices: [0:1, 0:25] | ttnn.reshape | aten::slice.Tensor | 4 |
32 | Tensor<[1,25,2]>, indices: [0:1, 0:25, 0:1] | ttnn.reshape | aten::slice.Tensor | 4 |
33 | Tensor<[1,25,2]>, indices: [0:1, 0:25, 1:2] | ttnn.reshape | aten::slice.Tensor | 4 |
34 | Tensor<[1,4251,192]>, indices: [0:1, 0:1, 0:192] | ttnn.reshape | aten::select.int | 4 |
35 | Tensor<[1,4251,192]>, indices: [0:1, 4151:4251, 0:192] | ttnn.reshape | aten::slice.Tensor | 4 |
36 | Tensor<[1,4251,192]>, indices: [0:1, 1:4151, 0:192] | ttnn.reshape | aten::slice.Tensor | 4 |
37 | Tensor<[1,1445,192]>, indices: [0:1, 1345:1445, 0:192] | ttnn.reshape | aten::slice.Tensor | 4 |
38 | Tensor<[1,8,768]>, indices: [0:1, 0:1, 0:768] | ttnn.reshape | aten::select.int | 4 |
39 | Tensor<[1,512]>, indices: [0:1, 0:8] | ttnn.reshape | aten::slice.Tensor | 4 |
40 | Tensor<[1,16]>, indices: [0:1, 0:1] | ttnn.reshape | aten::select.int | 4 |
41 | Tensor<[1,12]>, indices: [0:1, 0:1] | ttnn.reshape | aten::select.int | 4 |
42 | Tensor<[192,2]>, indices: [0:192, 0:1] | ttnn.reshape | aten::select.int | 4 |
43 | Tensor<[1,201,768]>, indices: [0:1, 0:1, 0:768] | ttnn.reshape | aten::select.int | 4 |
44 | Tensor<[1,40]>, indices: [0:1, 0:8] | ttnn.reshape | aten::slice.Tensor | 4 |
45 | Tensor<[1,145,768]>, indices: [0:1, 1:145, 0:768] | ttnn.reshape | aten::slice.Tensor | 4 |
46 | Tensor<[1,19]>, indices: [0:1, 18:19] | ttnn.reshape | aten::select.int | 4 |
47 | Tensor<[1,19]>, indices: [0:1, 1:19] | ttnn.reshape | aten::slice.Tensor | 4 |
48 | Tensor<[1,19]>, indices: [0:1, 0:18] | ttnn.reshape | aten::slice.Tensor | 4 |
49 | Tensor<[1,32,16,3,96]>, indices: [0:1, 0:32, 0:16, 0:1, 0:96] | ttnn.reshape | aten::select.int | 4 |
50 | Tensor<[1,32,16,3,96]>, indices: [0:1, 0:32, 0:16, 1:2, 0:96] | ttnn.reshape | aten::select.int | 4 |
51 | Tensor<[1,32,16,3,96]>, indices: [0:1, 0:32, 0:16, 2:3, 0:96] | ttnn.reshape | aten::select.int | 4 |
52 | Tensor<[1,512]>, indices: [0:1, 0:16] | ttnn.reshape | aten::slice.Tensor | 4 |
53 | Tensor<[1,2,30,40]>, indices: [0:1, 0:1, 0:30, 0:40] | ttnn.reshape | aten::select.int | 4 |
54 | Tensor<[1,2,30,40]>, indices: [0:1, 1:2, 0:30, 0:40] | ttnn.reshape | aten::select.int | 4 |
55 | Tensor<[1,2,60,80]>, indices: [0:1, 0:1, 0:60, 0:80] | ttnn.reshape | aten::select.int | 4 |
56 | Tensor<[1,2,60,80]>, indices: [0:1, 1:2, 0:60, 0:80] | ttnn.reshape | aten::select.int | 4 |
57 | Tensor<[1,2,120,160]>, indices: [0:1, 0:1, 0:120, 0:160] | ttnn.reshape | aten::select.int | 4 |
58 | Tensor<[1,2,120,160]>, indices: [0:1, 1:2, 0:120, 0:160] | ttnn.reshape | aten::select.int | 4 |
59 | Tensor<[1,197,768]>, indices: [0:1, 0:1, 0:768] | ttnn.reshape | aten::select.int | 4 |
60 | Tensor<[1,7,73,64]>, indices: [0:1, 0:7, 0:71, 0:64] | ttnn.reshape | aten::slice.Tensor | 4 |
61 | Tensor<[1,71,7,64]>, indices: [0:1, 0:71, 0:7, 0:32] | ttnn.reshape | aten::slice.Tensor | 4 |
62 | Tensor<[1,71,7,64]>, indices: [0:1, 0:71, 0:7, 32:64] | ttnn.reshape | aten::slice.Tensor | 4 |
63 | Tensor<[1,1,7,64]>, indices: [0:1, 0:1, 0:7, 0:32] | ttnn.reshape | aten::slice.Tensor | 4 |
64 | Tensor<[1,1,7,64]>, indices: [0:1, 0:1, 0:7, 32:64] | ttnn.reshape | aten::slice.Tensor | 4 |
65 | Tensor<[1,512]>, indices: [0:1, 0:12] | ttnn.reshape | aten::slice.Tensor | 4 |
66 | Tensor<[1,512]>, indices: [0:1, 0:9] | ttnn.reshape | aten::slice.Tensor | 4 |
67 | Tensor<[1,9,768]>, indices: [0:1, 0:1, 0:768] | ttnn.reshape | aten::select.int | 4 |
68 | Tensor<[1,512]>, indices: [0:1, 0:14] | ttnn.reshape | aten::slice.Tensor | 4 |
69 | Tensor<[1,14,2]>, indices: [0:1, 0:14, 0:1] | ttnn.reshape | aten::slice.Tensor | 4 |
70 | Tensor<[1,14,2]>, indices: [0:1, 0:14, 1:2] | ttnn.reshape | aten::slice.Tensor | 4 |
71 | Tensor<[1,50,768]>, indices: [0:1, 0:1, 0:768] | ttnn.reshape | aten::select.int | 4 |
72 | Tensor<[1,77]>, indices: [0:1, 0:7] | ttnn.reshape | aten::slice.Tensor | 4 |
73 | Tensor<[196,196,2]>, indices: [0:196, 0:196, 0:1] | ttnn.reshape | aten::select.int | 4 |
74 | Tensor<[196,196,2]>, indices: [0:196, 0:196, 1:2] | ttnn.reshape | aten::select.int | 4 |
75 | Tensor<[197,197]>, indices: [0:1, 0:197] | ttnn.reshape | aten::select.int | 4 |
76 | Tensor<[197,197]>, indices: [0:197, 0:1] | ttnn.reshape | aten::select.int | 4 |
77 | Tensor<[197]>, indices: [0:1] | ttnn.reshape | aten::select.int | 4 |
78 | Tensor<[732,16]>, indices: [0:729, 0:16] | ttnn.reshape | aten::slice.Tensor | 4 |
79 | Tensor<[732,16]>, indices: [729:732, 0:16] | ttnn.reshape | aten::slice.Tensor | 4 |
80 | Tensor<[197,197]>, indices: [1:197, 0:197] | ttnn.reshape | aten::slice.Tensor | 4 |
81 | Tensor<[196,197]>, indices: [0:196, 1:197] | ttnn.reshape | aten::slice.Tensor | 4 |
82 | Tensor<[1,197,1024]>, indices: [0:1, 1:197, 0:1024] | ttnn.reshape | aten::slice.Tensor | 4 |
83 | Tensor<[732,12]>, indices: [0:729, 0:12] | ttnn.reshape | aten::slice.Tensor | 4 |
84 | Tensor<[732,12]>, indices: [729:732, 0:12] | ttnn.reshape | aten::slice.Tensor | 4 |
85 | Tensor<[1,197,768]>, indices: [0:1, 1:197, 0:768] | ttnn.reshape | aten::slice.Tensor | 4 |
stablehlo.sqrt::ttnn.sqrt
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[32]>, | ttnn.sqrt | aten::sqrt | 5 |
1 | Tensor<[64]>, | ttnn.sqrt | aten::sqrt | 5 |
2 | Tensor<[128]>, | ttnn.sqrt | aten::sqrt | 5 |
3 | Tensor<[256]>, | ttnn.sqrt | aten::sqrt | 5 |
4 | Tensor<[512]>, | ttnn.sqrt | aten::sqrt | 5 |
5 | Tensor<[1024]>, | ttnn.sqrt | aten::sqrt | 5 |
6 | Tensor<[2048]>, | ttnn.sqrt | aten::sqrt | 5 |
7 | Tensor<[14]>, | ttnn.sqrt | aten::sqrt | 5 |
8 | Tensor<[24]>, | ttnn.sqrt | aten::sqrt | 5 |
9 | Tensor<[40]>, | ttnn.sqrt | aten::sqrt | 5 |
10 | Tensor<[68]>, | ttnn.sqrt | aten::sqrt | 5 |
11 | Tensor<[16]>, | ttnn.sqrt | aten::sqrt | 5 |
12 | Tensor<[28]>, | ttnn.sqrt | aten::sqrt | 5 |
13 | Tensor<[46]>, | ttnn.sqrt | aten::sqrt | 5 |
14 | Tensor<[78]>, | ttnn.sqrt | aten::sqrt | 5 |
15 | Tensor<[134]>, | ttnn.sqrt | aten::sqrt | 5 |
16 | Tensor<[20]>, | ttnn.sqrt | aten::sqrt | 5 |
17 | Tensor<[34]>, | ttnn.sqrt | aten::sqrt | 5 |
18 | Tensor<[58]>, | ttnn.sqrt | aten::sqrt | 5 |
19 | Tensor<[98]>, | ttnn.sqrt | aten::sqrt | 5 |
20 | Tensor<[168]>, | ttnn.sqrt | aten::sqrt | 5 |
21 | Tensor<[320]>, | ttnn.sqrt | aten::sqrt | 5 |
22 | Tensor<[116]>, | ttnn.sqrt | aten::sqrt | 5 |
23 | Tensor<[196]>, | ttnn.sqrt | aten::sqrt | 5 |
24 | Tensor<[334]>, | ttnn.sqrt | aten::sqrt | 5 |
25 | Tensor<[640]>, | ttnn.sqrt | aten::sqrt | 5 |
26 | Tensor<[160]>, | ttnn.sqrt | aten::sqrt | 5 |
27 | Tensor<[272]>, | ttnn.sqrt | aten::sqrt | 5 |
28 | Tensor<[462]>, | ttnn.sqrt | aten::sqrt | 5 |
29 | Tensor<[96]>, | ttnn.sqrt | aten::sqrt | 5 |
30 | Tensor<[144]>, | ttnn.sqrt | aten::sqrt | 5 |
31 | Tensor<[192]>, | ttnn.sqrt | aten::sqrt | 5 |
32 | Tensor<[384]>, | ttnn.sqrt | aten::sqrt | 5 |
33 | Tensor<[576]>, | ttnn.sqrt | aten::sqrt | 5 |
34 | Tensor<[960]>, | ttnn.sqrt | aten::sqrt | 5 |
35 | Tensor<[1280]>, | ttnn.sqrt | aten::sqrt | 5 |
stablehlo.subtract::ttnn.subtract
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,32,32,32]>, Tensor<[1,32,32,32]>, | ttnn.subtract | aten::_safe_softmax | 4 |
1 | Tensor<[1,12,7,7]>, Tensor<[1,12,7,7]>, | ttnn.subtract | aten::_safe_softmax | 4 |
2 | Tensor<[1,1,7,7]>, Tensor<[1,1,7,7]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
3 | Tensor<[1,7,768]>, Tensor<[1,7,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
4 | Tensor<[1]>, Tensor<[1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
5 | Tensor<[1,128,28,28]>, Tensor<[1,128,28,28]>, | ttnn.subtract | aten::elu | 4 |
6 | Tensor<[1,32,112,112]>, Tensor<[1,32,112,112]>, | ttnn.subtract | aten::sub.Tensor | 4 |
7 | Tensor<[1,64,112,112]>, Tensor<[1,64,112,112]>, | ttnn.subtract | aten::sub.Tensor | 4 |
8 | Tensor<[1,64,56,56]>, Tensor<[1,64,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
9 | Tensor<[1,128,56,56]>, Tensor<[1,128,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
10 | Tensor<[1,256,28,28]>, Tensor<[1,256,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
11 | Tensor<[1,512,28,28]>, Tensor<[1,512,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
12 | Tensor<[1,256,512]>, Tensor<[1,256,512]>, | ttnn.subtract | aten::sub.Tensor | 4 |
13 | Tensor<[8,920,920]>, Tensor<[8,920,920]>, | ttnn.subtract | aten::_softmax | 4 |
14 | Tensor<[8,100,100]>, Tensor<[8,100,100]>, | ttnn.subtract | aten::_softmax | 4 |
15 | Tensor<[8,100,920]>, Tensor<[8,100,920]>, | ttnn.subtract | aten::_softmax | 4 |
16 | Scalar, Scalar, | ttnn.subtract | aten::arange | 4 |
17 | Tensor<[1,64,1,1]>, Tensor<[1,64,1,1]>, | ttnn.subtract | aten::sub.Tensor | 5 |
18 | Tensor<[1,256,1,1]>, Tensor<[1,256,1,1]>, | ttnn.subtract | aten::sub.Tensor | 5 |
19 | Tensor<[1,128,1,1]>, Tensor<[1,128,1,1]>, | ttnn.subtract | aten::sub.Tensor | 5 |
20 | Tensor<[1,512,1,1]>, Tensor<[1,512,1,1]>, | ttnn.subtract | aten::sub.Tensor | 5 |
21 | Tensor<[1,1024,1,1]>, Tensor<[1,1024,1,1]>, | ttnn.subtract | aten::sub.Tensor | 5 |
22 | Tensor<[1,2048,1,1]>, Tensor<[1,2048,1,1]>, | ttnn.subtract | aten::sub.Tensor | 5 |
23 | Tensor<[920,1,256]>, Tensor<[920,1,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
24 | Tensor<[100,1,256]>, Tensor<[100,1,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
25 | Tensor<[1,12,10,10]>, Tensor<[1,12,10,10]>, | ttnn.subtract | aten::_safe_softmax | 4 |
26 | Tensor<[1,1,10,10]>, Tensor<[1,1,10,10]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
27 | Tensor<[1,10,768]>, Tensor<[1,10,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
28 | Tensor<[1,8,4096,4096]>, Tensor<[1,8,4096,4096]>, | ttnn.subtract | aten::_safe_softmax | 4 |
29 | Tensor<[1,8,4096,9]>, Tensor<[1,8,4096,9]>, | ttnn.subtract | aten::_safe_softmax | 4 |
30 | Tensor<[1,8,1024,1024]>, Tensor<[1,8,1024,1024]>, | ttnn.subtract | aten::_safe_softmax | 4 |
31 | Tensor<[1,8,1024,9]>, Tensor<[1,8,1024,9]>, | ttnn.subtract | aten::_safe_softmax | 4 |
32 | Tensor<[1,8,256,256]>, Tensor<[1,8,256,256]>, | ttnn.subtract | aten::_safe_softmax | 4 |
33 | Tensor<[1,8,256,9]>, Tensor<[1,8,256,9]>, | ttnn.subtract | aten::_safe_softmax | 4 |
34 | Tensor<[1,8,64,64]>, Tensor<[1,8,64,64]>, | ttnn.subtract | aten::_safe_softmax | 4 |
35 | Tensor<[1,8,64,9]>, Tensor<[1,8,64,9]>, | ttnn.subtract | aten::_safe_softmax | 4 |
36 | Tensor<[1,32,10,4096]>, Tensor<[1,32,10,4096]>, | ttnn.subtract | aten::sub.Tensor | 4 |
37 | Tensor<[1,4096,320]>, Tensor<[1,4096,320]>, | ttnn.subtract | aten::sub.Tensor | 4 |
38 | Tensor<[1,32,10,1024]>, Tensor<[1,32,10,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
39 | Tensor<[1,32,20,1024]>, Tensor<[1,32,20,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
40 | Tensor<[1,1024,640]>, Tensor<[1,1024,640]>, | ttnn.subtract | aten::sub.Tensor | 4 |
41 | Tensor<[1,32,20,256]>, Tensor<[1,32,20,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
42 | Tensor<[1,32,40,256]>, Tensor<[1,32,40,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
43 | Tensor<[1,256,1280]>, Tensor<[1,256,1280]>, | ttnn.subtract | aten::sub.Tensor | 4 |
44 | Tensor<[1,32,40,64]>, Tensor<[1,32,40,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
45 | Tensor<[1,64,1280]>, Tensor<[1,64,1280]>, | ttnn.subtract | aten::sub.Tensor | 4 |
46 | Tensor<[1,32,80,64]>, Tensor<[1,32,80,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
47 | Tensor<[1,32,80,256]>, Tensor<[1,32,80,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
48 | Tensor<[1,32,60,256]>, Tensor<[1,32,60,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
49 | Tensor<[1,32,60,1024]>, Tensor<[1,32,60,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
50 | Tensor<[1,32,40,1024]>, Tensor<[1,32,40,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
51 | Tensor<[1,32,30,1024]>, Tensor<[1,32,30,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
52 | Tensor<[1,32,30,4096]>, Tensor<[1,32,30,4096]>, | ttnn.subtract | aten::sub.Tensor | 4 |
53 | Tensor<[1,32,20,4096]>, Tensor<[1,32,20,4096]>, | ttnn.subtract | aten::sub.Tensor | 4 |
54 | Tensor<[1,12,25,25]>, Tensor<[1,12,25,25]>, | ttnn.subtract | aten::_safe_softmax | 4 |
55 | Tensor<[1,1,25,25]>, Tensor<[1,1,25,25]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
56 | Tensor<[1,25,768]>, Tensor<[1,25,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
57 | Tensor<[1,3,1445,1445]>, Tensor<[1,3,1445,1445]>, | ttnn.subtract | aten::_safe_softmax | 4 |
58 | Tensor<[1,1445,192]>, Tensor<[1,1445,192]>, | ttnn.subtract | aten::sub.Tensor | 4 |
59 | Tensor<[1,256,14,14]>, Tensor<[1,256,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
60 | Tensor<[1,512,7,7]>, Tensor<[1,512,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
61 | Tensor<[1,12,8,8]>, Tensor<[1,12,8,8]>, | ttnn.subtract | aten::_softmax | 4 |
62 | Tensor<[1,1,1,8]>, Tensor<[1,1,1,8]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
63 | Tensor<[1,8,768]>, Tensor<[1,8,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
64 | Tensor<[1,8,256,2048]>, Tensor<[1,8,256,2048]>, | ttnn.subtract | aten::_softmax | 4 |
65 | Tensor<[1,8,2048,256]>, Tensor<[1,8,2048,256]>, | ttnn.subtract | aten::_softmax | 4 |
66 | Tensor<[1,1,1,2048]>, Tensor<[1,1,1,2048]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
67 | Tensor<[1,2048,768]>, Tensor<[1,2048,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
68 | Tensor<[1,256,56,56]>, Tensor<[1,256,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
69 | Tensor<[1,1024,14,14]>, Tensor<[1,1024,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
70 | Tensor<[1,512,14,14]>, Tensor<[1,512,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
71 | Tensor<[1,2048,7,7]>, Tensor<[1,2048,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
72 | Tensor<[1,12,201,201]>, Tensor<[1,12,201,201]>, | ttnn.subtract | aten::_softmax | 4 |
73 | Tensor<[1,192]>, Tensor<[1,192]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
74 | Tensor<[1,1,1,201]>, Tensor<[1,1,1,201]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
75 | Tensor<[1,201,768]>, Tensor<[1,201,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
76 | Tensor<[1,1536]>, Tensor<[1,1536]>, | ttnn.subtract | aten::sub.Tensor | 4 |
77 | Tensor<[1,10]>, Tensor<[1,10]>, | ttnn.subtract | aten::sub.Tensor | 4 |
78 | Tensor<[16,19,19]>, Tensor<[16,19,19]>, | ttnn.subtract | aten::_softmax | 4 |
79 | Tensor<[1,1,19,19]>, Tensor<[1,1,19,19]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
80 | Tensor<[1,19,1024]>, Tensor<[1,19,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
81 | Tensor<[19]>, Tensor<[19]>, | ttnn.subtract | aten::sub.Tensor | 4 |
82 | Tensor<[19,256008]>, Tensor<[19,256008]>, | ttnn.subtract | aten::sub.Tensor | 4 |
83 | Tensor<[1,14,56,56]>, Tensor<[1,14,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
84 | Tensor<[1,24,56,56]>, Tensor<[1,24,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
85 | Tensor<[1,40,56,56]>, Tensor<[1,40,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
86 | Tensor<[1,68,56,56]>, Tensor<[1,68,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
87 | Tensor<[1,16,28,28]>, Tensor<[1,16,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
88 | Tensor<[1,28,28,28]>, Tensor<[1,28,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
89 | Tensor<[1,46,28,28]>, Tensor<[1,46,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
90 | Tensor<[1,78,28,28]>, Tensor<[1,78,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
91 | Tensor<[1,134,28,28]>, Tensor<[1,134,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
92 | Tensor<[1,20,28,28]>, Tensor<[1,20,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
93 | Tensor<[1,34,28,28]>, Tensor<[1,34,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
94 | Tensor<[1,58,28,28]>, Tensor<[1,58,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
95 | Tensor<[1,98,28,28]>, Tensor<[1,98,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
96 | Tensor<[1,168,28,28]>, Tensor<[1,168,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
97 | Tensor<[1,320,28,28]>, Tensor<[1,320,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
98 | Tensor<[1,40,14,14]>, Tensor<[1,40,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
99 | Tensor<[1,68,14,14]>, Tensor<[1,68,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
100 | Tensor<[1,116,14,14]>, Tensor<[1,116,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
101 | Tensor<[1,196,14,14]>, Tensor<[1,196,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
102 | Tensor<[1,334,14,14]>, Tensor<[1,334,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
103 | Tensor<[1,640,14,14]>, Tensor<[1,640,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
104 | Tensor<[1,160,7,7]>, Tensor<[1,160,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
105 | Tensor<[1,272,7,7]>, Tensor<[1,272,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
106 | Tensor<[1,462,7,7]>, Tensor<[1,462,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
107 | Tensor<[1,1024,7,7]>, Tensor<[1,1024,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
108 | Tensor<[1,32,512,512]>, Tensor<[1,32,512,512]>, | ttnn.subtract | aten::sub.Tensor | 4 |
109 | Tensor<[1,64,256,256]>, Tensor<[1,64,256,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
110 | Tensor<[1,32,256,256]>, Tensor<[1,32,256,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
111 | Tensor<[1,128,128,128]>, Tensor<[1,128,128,128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
112 | Tensor<[1,64,128,128]>, Tensor<[1,64,128,128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
113 | Tensor<[1,256,64,64]>, Tensor<[1,256,64,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
114 | Tensor<[1,128,64,64]>, Tensor<[1,128,64,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
115 | Tensor<[1,512,32,32]>, Tensor<[1,512,32,32]>, | ttnn.subtract | aten::sub.Tensor | 4 |
116 | Tensor<[1,256,32,32]>, Tensor<[1,256,32,32]>, | ttnn.subtract | aten::sub.Tensor | 4 |
117 | Tensor<[1,1024,16,16]>, Tensor<[1,1024,16,16]>, | ttnn.subtract | aten::sub.Tensor | 4 |
118 | Tensor<[1,512,16,16]>, Tensor<[1,512,16,16]>, | ttnn.subtract | aten::sub.Tensor | 4 |
119 | Tensor<[1,256,16,16]>, Tensor<[1,256,16,16]>, | ttnn.subtract | aten::sub.Tensor | 4 |
120 | Tensor<[1,128,32,32]>, Tensor<[1,128,32,32]>, | ttnn.subtract | aten::sub.Tensor | 4 |
121 | Tensor<[1,16,32,32]>, Tensor<[1,16,32,32]>, | ttnn.subtract | aten::_softmax | 4 |
122 | Tensor<[1,32,1536]>, Tensor<[1,32,1536]>, | ttnn.subtract | aten::sub.Tensor | 4 |
123 | Tensor<[1,32]>, Tensor<[1,32]>, | ttnn.subtract | aten::sub.Tensor | 4 |
124 | Tensor<[1,12,16,16]>, Tensor<[1,12,16,16]>, | ttnn.subtract | aten::_safe_softmax | 4 |
125 | Tensor<[1,1,16,16]>, Tensor<[1,1,16,16]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
126 | Tensor<[1,16,768]>, Tensor<[1,16,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
127 | Tensor<[1,64,224,224]>, Tensor<[1,64,224,224]>, | ttnn.subtract | aten::sub.Tensor | 4 |
128 | Tensor<[1,128,112,112]>, Tensor<[1,128,112,112]>, | ttnn.subtract | aten::sub.Tensor | 4 |
129 | Tensor<[1,1,19200,300]>, Tensor<[1,1,19200,300]>, | ttnn.subtract | aten::_softmax | 4 |
130 | Tensor<[1,2,4800,300]>, Tensor<[1,2,4800,300]>, | ttnn.subtract | aten::_softmax | 4 |
131 | Tensor<[1,5,1200,300]>, Tensor<[1,5,1200,300]>, | ttnn.subtract | aten::_softmax | 4 |
132 | Tensor<[1,8,300,300]>, Tensor<[1,8,300,300]>, | ttnn.subtract | aten::_softmax | 4 |
133 | Tensor<[1,19200,64]>, Tensor<[1,19200,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
134 | Tensor<[1,300,64]>, Tensor<[1,300,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
135 | Tensor<[1,4800,128]>, Tensor<[1,4800,128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
136 | Tensor<[1,300,128]>, Tensor<[1,300,128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
137 | Tensor<[1,1200,320]>, Tensor<[1,1200,320]>, | ttnn.subtract | aten::sub.Tensor | 4 |
138 | Tensor<[1,300,320]>, Tensor<[1,300,320]>, | ttnn.subtract | aten::sub.Tensor | 4 |
139 | Tensor<[1,300,512]>, Tensor<[1,300,512]>, | ttnn.subtract | aten::sub.Tensor | 4 |
140 | Tensor<[30]>, Tensor<[30]>, | ttnn.subtract | aten::sub.Tensor | 4 |
141 | Tensor<[40]>, Tensor<[40]>, | ttnn.subtract | aten::sub.Tensor | 4 |
142 | Tensor<[1,64,30,40]>, Tensor<[1,64,30,40]>, | ttnn.subtract | aten::sub.Tensor | 5 |
143 | Tensor<[30,1]>, Tensor<[30,1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
144 | Tensor<[1,32,30,40]>, Tensor<[1,32,30,40]>, | ttnn.subtract | aten::sub.Tensor | 4 |
145 | Tensor<[60]>, Tensor<[60]>, | ttnn.subtract | aten::sub.Tensor | 4 |
146 | Tensor<[80]>, Tensor<[80]>, | ttnn.subtract | aten::sub.Tensor | 4 |
147 | Tensor<[1,64,60,80]>, Tensor<[1,64,60,80]>, | ttnn.subtract | aten::sub.Tensor | 5 |
148 | Tensor<[60,1]>, Tensor<[60,1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
149 | Tensor<[1,32,60,80]>, Tensor<[1,32,60,80]>, | ttnn.subtract | aten::sub.Tensor | 4 |
150 | Tensor<[120]>, Tensor<[120]>, | ttnn.subtract | aten::sub.Tensor | 4 |
151 | Tensor<[160]>, Tensor<[160]>, | ttnn.subtract | aten::sub.Tensor | 4 |
152 | Tensor<[1,64,120,160]>, Tensor<[1,64,120,160]>, | ttnn.subtract | aten::sub.Tensor | 5 |
153 | Tensor<[120,1]>, Tensor<[120,1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
154 | Tensor<[1,32,120,160]>, Tensor<[1,32,120,160]>, | ttnn.subtract | aten::sub.Tensor | 4 |
155 | Tensor<[240]>, Tensor<[240]>, | ttnn.subtract | aten::sub.Tensor | 4 |
156 | Tensor<[320]>, Tensor<[320]>, | ttnn.subtract | aten::sub.Tensor | 4 |
157 | Tensor<[1,64,240,320]>, Tensor<[1,64,240,320]>, | ttnn.subtract | aten::sub.Tensor | 5 |
158 | Tensor<[240,1]>, Tensor<[240,1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
159 | Tensor<[480]>, Tensor<[480]>, | ttnn.subtract | aten::sub.Tensor | 4 |
160 | Tensor<[640]>, Tensor<[640]>, | ttnn.subtract | aten::sub.Tensor | 4 |
161 | Tensor<[1,64,480,640]>, Tensor<[1,64,480,640]>, | ttnn.subtract | aten::sub.Tensor | 5 |
162 | Tensor<[480,1]>, Tensor<[480,1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
163 | Tensor<[1,12,197,197]>, Tensor<[1,12,197,197]>, | ttnn.subtract | aten::_safe_softmax | 4 |
164 | Tensor<[1,197,768]>, Tensor<[1,197,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
165 | Tensor<[1,1,16384,256]>, Tensor<[1,1,16384,256]>, | ttnn.subtract | aten::_softmax | 4 |
166 | Tensor<[1,2,4096,256]>, Tensor<[1,2,4096,256]>, | ttnn.subtract | aten::_softmax | 4 |
167 | Tensor<[1,5,1024,256]>, Tensor<[1,5,1024,256]>, | ttnn.subtract | aten::_softmax | 4 |
168 | Tensor<[1,16384,32]>, Tensor<[1,16384,32]>, | ttnn.subtract | aten::sub.Tensor | 4 |
169 | Tensor<[1,256,32]>, Tensor<[1,256,32]>, | ttnn.subtract | aten::sub.Tensor | 4 |
170 | Tensor<[1,4096,64]>, Tensor<[1,4096,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
171 | Tensor<[1,256,64]>, Tensor<[1,256,64]>, | ttnn.subtract | aten::sub.Tensor | 4 |
172 | Tensor<[1,1024,160]>, Tensor<[1,1024,160]>, | ttnn.subtract | aten::sub.Tensor | 4 |
173 | Tensor<[1,256,160]>, Tensor<[1,256,160]>, | ttnn.subtract | aten::sub.Tensor | 4 |
174 | Tensor<[1,256,256]>, Tensor<[1,256,256]>, | ttnn.subtract | aten::sub.Tensor | 4 |
175 | Tensor<[128]>, Tensor<[128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
176 | Tensor<[1,256,128,128]>, Tensor<[1,256,128,128]>, | ttnn.subtract | aten::sub.Tensor | 5 |
177 | Tensor<[128,1]>, Tensor<[128,1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
178 | Tensor<[1,71,7,7]>, Tensor<[1,71,7,7]>, | ttnn.subtract | aten::_safe_softmax | 4 |
179 | Tensor<[1,7,4544]>, Tensor<[1,7,4544]>, | ttnn.subtract | aten::sub.Tensor | 4 |
180 | Tensor<[1,16,112,112]>, Tensor<[1,16,112,112]>, | ttnn.subtract | aten::sub.Tensor | 4 |
181 | Tensor<[1,96,112,112]>, Tensor<[1,96,112,112]>, | ttnn.subtract | aten::sub.Tensor | 4 |
182 | Tensor<[1,96,56,56]>, Tensor<[1,96,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
183 | Tensor<[1,144,56,56]>, Tensor<[1,144,56,56]>, | ttnn.subtract | aten::sub.Tensor | 4 |
184 | Tensor<[1,144,28,28]>, Tensor<[1,144,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
185 | Tensor<[1,32,28,28]>, Tensor<[1,32,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
186 | Tensor<[1,192,28,28]>, Tensor<[1,192,28,28]>, | ttnn.subtract | aten::sub.Tensor | 4 |
187 | Tensor<[1,192,14,14]>, Tensor<[1,192,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
188 | Tensor<[1,64,14,14]>, Tensor<[1,64,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
189 | Tensor<[1,384,14,14]>, Tensor<[1,384,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
190 | Tensor<[1,96,14,14]>, Tensor<[1,96,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
191 | Tensor<[1,576,14,14]>, Tensor<[1,576,14,14]>, | ttnn.subtract | aten::sub.Tensor | 4 |
192 | Tensor<[1,576,7,7]>, Tensor<[1,576,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
193 | Tensor<[1,960,7,7]>, Tensor<[1,960,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
194 | Tensor<[1,320,7,7]>, Tensor<[1,320,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
195 | Tensor<[1,1280,7,7]>, Tensor<[1,1280,7,7]>, | ttnn.subtract | aten::sub.Tensor | 4 |
196 | Tensor<[1,12,12,12]>, Tensor<[1,12,12,12]>, | ttnn.subtract | aten::_safe_softmax | 4 |
197 | Tensor<[1,1,12,12]>, Tensor<[1,1,12,12]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
198 | Tensor<[1,12,128]>, Tensor<[1,12,128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
199 | Tensor<[1,12,768]>, Tensor<[1,12,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
200 | Tensor<[1,12,9,9]>, Tensor<[1,12,9,9]>, | ttnn.subtract | aten::_safe_softmax | 4 |
201 | Tensor<[1,1,9,9]>, Tensor<[1,1,9,9]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
202 | Tensor<[1,9,128]>, Tensor<[1,9,128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
203 | Tensor<[1,9,768]>, Tensor<[1,9,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
204 | Tensor<[1,16,9,9]>, Tensor<[1,16,9,9]>, | ttnn.subtract | aten::_safe_softmax | 4 |
205 | Tensor<[1,9,2048]>, Tensor<[1,9,2048]>, | ttnn.subtract | aten::sub.Tensor | 4 |
206 | Tensor<[1,9,1024]>, Tensor<[1,9,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
207 | Tensor<[1,64,9,9]>, Tensor<[1,64,9,9]>, | ttnn.subtract | aten::_safe_softmax | 4 |
208 | Tensor<[1,9,4096]>, Tensor<[1,9,4096]>, | ttnn.subtract | aten::sub.Tensor | 4 |
209 | Tensor<[1,12,14,14]>, Tensor<[1,12,14,14]>, | ttnn.subtract | aten::_safe_softmax | 4 |
210 | Tensor<[1,1,14,14]>, Tensor<[1,1,14,14]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
211 | Tensor<[1,14,128]>, Tensor<[1,14,128]>, | ttnn.subtract | aten::sub.Tensor | 4 |
212 | Tensor<[1,14,768]>, Tensor<[1,14,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
213 | Tensor<[1,12,50,50]>, Tensor<[1,12,50,50]>, | ttnn.subtract | aten::_safe_softmax | 4 |
214 | Tensor<[2,8,7,7]>, Tensor<[2,8,7,7]>, | ttnn.subtract | aten::_safe_softmax | 4 |
215 | Tensor<[2,1,7,7]>, Tensor<[2,1,7,7]>, | ttnn.subtract | aten::rsub.Scalar | 4 |
216 | Tensor<[1,50,768]>, Tensor<[1,50,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
217 | Tensor<[1,768]>, Tensor<[1,768]>, | ttnn.subtract | aten::sub.Tensor | 4 |
218 | Tensor<[2,7,512]>, Tensor<[2,7,512]>, | ttnn.subtract | aten::sub.Tensor | 4 |
219 | Tensor<[1,16,197,197]>, Tensor<[1,16,197,197]>, | ttnn.subtract | aten::_softmax | 4 |
220 | Tensor<[1,197,1024]>, Tensor<[1,197,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
221 | Tensor<[27]>, Tensor<[27]>, | ttnn.subtract | aten::sub.Tensor | 4 |
222 | Tensor<[1,16,27,27]>, Tensor<[1,16,27,27]>, | ttnn.subtract | aten::sub.Tensor | 5 |
223 | Tensor<[27,1]>, Tensor<[27,1]>, | ttnn.subtract | aten::sub.Tensor | 4 |
224 | Tensor<[2,196,196]>, Tensor<[2,196,196]>, | ttnn.subtract | aten::sub.Tensor | 4 |
225 | Tensor<[197]>, Tensor<[197]>, | ttnn.subtract | aten::sub.Tensor | 4 |
226 | Tensor<[1,1024]>, Tensor<[1,1024]>, | ttnn.subtract | aten::sub.Tensor | 4 |
227 | Tensor<[1,12,27,27]>, Tensor<[1,12,27,27]>, | ttnn.subtract | aten::sub.Tensor | 5 |
stablehlo.tanh::ttnn.tanh
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,7,3072]>, | ttnn.tanh | aten::tanh | 4 |
1 | Tensor<[1,768]>, | ttnn.tanh | aten::tanh | 4 |
2 | Tensor<[1,32,6144]>, | ttnn.tanh | aten::tanh | 4 |
3 | Tensor<[1,12,3072]>, | ttnn.tanh | aten::tanh | 4 |
4 | Tensor<[1,9,3072]>, | ttnn.tanh | aten::tanh | 4 |
5 | Tensor<[1,9,128]>, | ttnn.tanh | aten::tanh | 4 |
6 | Tensor<[1,9,8192]>, | ttnn.tanh | aten::tanh | 4 |
7 | Tensor<[1,9,4096]>, | ttnn.tanh | aten::tanh | 4 |
8 | Tensor<[1,9,16384]>, | ttnn.tanh | aten::tanh | 4 |
9 | Tensor<[1,14,3072]>, | ttnn.tanh | aten::tanh | 4 |
stablehlo.transpose::ttnn.permute
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[1,64,32]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
1 | Tensor<[4096,4096]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
2 | Tensor<[1,32,32,128]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
3 | Tensor<[1,32,32,128]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
4 | Tensor<[11008,4096]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
5 | Tensor<[4096,11008]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
6 | Tensor<[32000,4096]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
7 | Tensor<[1,7,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
8 | Tensor<[1,12,7,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
9 | Tensor<[1,12,7,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
10 | Tensor<[2,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
11 | Tensor<[1,3,16,16,16,16]>, dims: [0, 2, 4, 3, 5, 1] | ttnn.permute | aten::permute | 4 |
12 | Tensor<[1,256,512]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
13 | Tensor<[512,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
14 | Tensor<[256,512]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
15 | Tensor<[512,256]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
16 | Tensor<[1000,512]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
17 | Tensor<[1,23,40,256]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
18 | Tensor<[1,256,920]>, dims: [2, 0, 1] | ttnn.permute | aten::permute | 4 |
19 | Tensor<[256,256]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
20 | Tensor<[920,8,32]>, dims: [1, 0, 2] | ttnn.permute | aten::transpose.int | 4 |
21 | Tensor<[8,920,32]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
22 | Tensor<[8,920,32]>, dims: [1, 0, 2] | ttnn.permute | aten::transpose.int | 4 |
23 | Tensor<[2048,256]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
24 | Tensor<[256,2048]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
25 | Tensor<[100,8,32]>, dims: [1, 0, 2] | ttnn.permute | aten::transpose.int | 4 |
26 | Tensor<[8,100,32]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
27 | Tensor<[8,100,32]>, dims: [1, 0, 2] | ttnn.permute | aten::transpose.int | 4 |
28 | Tensor<[6,100,1,256]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
29 | Tensor<[92,256]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
30 | Tensor<[4,256]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
31 | Tensor<[1,10,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
32 | Tensor<[768,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
33 | Tensor<[1,12,10,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
34 | Tensor<[1,12,10,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
35 | Tensor<[3072,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
36 | Tensor<[768,3072]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
37 | Tensor<[250002,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
38 | Tensor<[1,320,64,64]>, dims: [0, 2, 3, 1] | ttnn.permute | aten::permute | 4 |
39 | Tensor<[1,64,64,320]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
40 | Tensor<[1,640,32,32]>, dims: [0, 2, 3, 1] | ttnn.permute | aten::permute | 4 |
41 | Tensor<[1,32,32,640]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
42 | Tensor<[1,1280,16,16]>, dims: [0, 2, 3, 1] | ttnn.permute | aten::permute | 4 |
43 | Tensor<[1,16,16,1280]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
44 | Tensor<[1,1280,8,8]>, dims: [0, 2, 3, 1] | ttnn.permute | aten::permute | 4 |
45 | Tensor<[1,8,8,1280]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
46 | Tensor<[1280,320]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
47 | Tensor<[1280,1280]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
48 | Tensor<[320,1280]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
49 | Tensor<[320,320]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
50 | Tensor<[1,4096,8,40]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
51 | Tensor<[1,8,4096,40]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
52 | Tensor<[1,8,4096,40]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
53 | Tensor<[320,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
54 | Tensor<[1,9,8,40]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
55 | Tensor<[1,8,9,40]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
56 | Tensor<[2560,320]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
57 | Tensor<[640,1280]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
58 | Tensor<[640,640]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
59 | Tensor<[1,1024,8,80]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
60 | Tensor<[1,8,1024,80]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
61 | Tensor<[1,8,1024,80]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
62 | Tensor<[640,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
63 | Tensor<[1,9,8,80]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
64 | Tensor<[1,8,9,80]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
65 | Tensor<[5120,640]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
66 | Tensor<[640,2560]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
67 | Tensor<[1,256,8,160]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
68 | Tensor<[1,8,256,160]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
69 | Tensor<[1,8,256,160]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
70 | Tensor<[1280,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
71 | Tensor<[1,9,8,160]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
72 | Tensor<[1,8,9,160]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
73 | Tensor<[10240,1280]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
74 | Tensor<[1280,5120]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
75 | Tensor<[1,64,8,160]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
76 | Tensor<[1,8,64,160]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
77 | Tensor<[1,8,64,160]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
78 | Tensor<[1,25,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
79 | Tensor<[1,12,25,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
80 | Tensor<[1,12,25,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
81 | Tensor<[1,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
82 | Tensor<[1,1445,3,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
83 | Tensor<[1,3,1445,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
84 | Tensor<[1,192,1344]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
85 | Tensor<[1,4150,192]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
86 | Tensor<[192,192]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
87 | Tensor<[1,3,1445,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
88 | Tensor<[768,192]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
89 | Tensor<[192,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
90 | Tensor<[92,192]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
91 | Tensor<[4,192]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
92 | Tensor<[1,8,768]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
93 | Tensor<[1,12,64,8]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::permute | 4 |
94 | Tensor<[1,12,8,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::permute | 4 |
95 | Tensor<[1,768,8]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
96 | Tensor<[3,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
97 | Tensor<[1,256,8,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
98 | Tensor<[1,2048,8,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
99 | Tensor<[1,2048,8,160]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
100 | Tensor<[1,256,8,96]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
101 | Tensor<[1,8,2048,96]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
102 | Tensor<[256,1280]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
103 | Tensor<[256,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
104 | Tensor<[1,8,2048,32]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
105 | Tensor<[1,8,256,32]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
106 | Tensor<[768,1280]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
107 | Tensor<[262,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
108 | Tensor<[1000,2048]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
109 | Tensor<[1,201,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
110 | Tensor<[1,12,201,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
111 | Tensor<[1,144,768]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
112 | Tensor<[1,768,192]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
113 | Tensor<[1,12,201,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
114 | Tensor<[1536,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
115 | Tensor<[3129,1536]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
116 | Tensor<[128,9216]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
117 | Tensor<[10,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
118 | Tensor<[1024,1024]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
119 | Tensor<[1,19,16,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
120 | Tensor<[16,19,64]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
121 | Tensor<[1,16,19,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
122 | Tensor<[4096,1024]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
123 | Tensor<[1024,4096]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
124 | Tensor<[256008,1024]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
125 | Tensor<[1000,1024]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
126 | Tensor<[512,256,2,2]>, dims: [2, 3, 1, 0] | ttnn.permute | aten::convolution | 4 |
127 | Tensor<[256,128,2,2]>, dims: [2, 3, 1, 0] | ttnn.permute | aten::convolution | 4 |
128 | Tensor<[128,64,2,2]>, dims: [2, 3, 1, 0] | ttnn.permute | aten::convolution | 4 |
129 | Tensor<[64,32,2,2]>, dims: [2, 3, 1, 0] | ttnn.permute | aten::convolution | 4 |
130 | Tensor<[4,16,2,2]>, dims: [2, 3, 1, 0] | ttnn.permute | aten::convolution | 4 |
131 | Tensor<[16,1,2,2]>, dims: [2, 3, 1, 0] | ttnn.permute | aten::convolution | 4 |
132 | Tensor<[1,16,32,96]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
133 | Tensor<[4608,1536]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
134 | Tensor<[1,32,16,96]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
135 | Tensor<[16,32,96]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
136 | Tensor<[1536,1536]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
137 | Tensor<[6144,1536]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
138 | Tensor<[1536,6144]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
139 | Tensor<[250880,1536]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
140 | Tensor<[1,16,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
141 | Tensor<[1,12,16,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
142 | Tensor<[1,12,16,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
143 | Tensor<[1024,512,2,2]>, dims: [2, 3, 1, 0] | ttnn.permute | aten::convolution | 4 |
144 | Tensor<[1,19200,1,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
145 | Tensor<[1,19200,64]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
146 | Tensor<[1,64,300]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
147 | Tensor<[1,300,1,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
148 | Tensor<[1,1,19200,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
149 | Tensor<[1,120,160,64]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
150 | Tensor<[1,4800,2,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
151 | Tensor<[1,4800,128]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
152 | Tensor<[1,128,300]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
153 | Tensor<[1,300,2,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
154 | Tensor<[1,2,4800,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
155 | Tensor<[1,60,80,128]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
156 | Tensor<[1,1200,5,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
157 | Tensor<[1,1200,320]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
158 | Tensor<[1,320,300]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
159 | Tensor<[1,300,5,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
160 | Tensor<[1,5,1200,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
161 | Tensor<[1,30,40,320]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
162 | Tensor<[1,300,8,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
163 | Tensor<[1,8,300,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
164 | Tensor<[1,15,20,512]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
165 | Tensor<[1,64,19200]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
166 | Tensor<[64,64]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
167 | Tensor<[1,1,300,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
168 | Tensor<[256,64]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
169 | Tensor<[1,19200,256]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
170 | Tensor<[1,256,19200]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
171 | Tensor<[64,256]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
172 | Tensor<[1,128,4800]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
173 | Tensor<[128,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
174 | Tensor<[1,2,300,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
175 | Tensor<[512,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
176 | Tensor<[1,4800,512]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
177 | Tensor<[1,512,4800]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
178 | Tensor<[128,512]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
179 | Tensor<[1,320,1200]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
180 | Tensor<[1,5,300,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
181 | Tensor<[1,1200,1280]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
182 | Tensor<[1,1280,1200]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
183 | Tensor<[1,512,300]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
184 | Tensor<[512,512]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
185 | Tensor<[1,8,300,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
186 | Tensor<[2048,512]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
187 | Tensor<[1,300,2048]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
188 | Tensor<[1,2048,300]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
189 | Tensor<[512,2048]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
190 | Tensor<[1,197,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
191 | Tensor<[1,12,197,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
192 | Tensor<[1,768,196]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
193 | Tensor<[1,12,197,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
194 | Tensor<[1000,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
195 | Tensor<[1,16384,1,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
196 | Tensor<[1,16384,32]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
197 | Tensor<[1,32,256]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
198 | Tensor<[1,256,1,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
199 | Tensor<[1,1,16384,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
200 | Tensor<[1,128,128,32]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
201 | Tensor<[1,4096,2,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
202 | Tensor<[1,4096,64]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
203 | Tensor<[1,64,256]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
204 | Tensor<[1,256,2,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
205 | Tensor<[1,2,4096,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
206 | Tensor<[1,64,64,64]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
207 | Tensor<[1,1024,5,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
208 | Tensor<[1,1024,160]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
209 | Tensor<[1,160,256]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
210 | Tensor<[1,256,5,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
211 | Tensor<[1,5,1024,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
212 | Tensor<[1,32,32,160]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
213 | Tensor<[1,8,256,32]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
214 | Tensor<[1,16,16,256]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
215 | Tensor<[1,16384,256]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
216 | Tensor<[1,4096,256]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
217 | Tensor<[1,1024,256]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
218 | Tensor<[1,256,256]>, dims: [0, 2, 1] | ttnn.permute | aten::permute | 4 |
219 | Tensor<[1,32,16384]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
220 | Tensor<[32,32]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
221 | Tensor<[1,1,256,32]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
222 | Tensor<[128,32]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
223 | Tensor<[1,16384,128]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
224 | Tensor<[1,128,16384]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
225 | Tensor<[32,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
226 | Tensor<[1,64,4096]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
227 | Tensor<[1,2,256,32]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
228 | Tensor<[1,256,4096]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
229 | Tensor<[1,160,1024]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
230 | Tensor<[160,160]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
231 | Tensor<[1,5,256,32]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
232 | Tensor<[640,160]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
233 | Tensor<[1,1024,640]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
234 | Tensor<[1,640,1024]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
235 | Tensor<[160,640]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
236 | Tensor<[1024,256]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
237 | Tensor<[1,256,1024]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
238 | Tensor<[256,1024]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
239 | Tensor<[256,32]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
240 | Tensor<[256,160]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
241 | Tensor<[4672,4544]>, dims: [1, 0] | ttnn.permute | aten::permute | 5 |
242 | Tensor<[1,71,7,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
243 | Tensor<[4544,4544]>, dims: [1, 0] | ttnn.permute | aten::permute | 5 |
244 | Tensor<[18176,4544]>, dims: [1, 0] | ttnn.permute | aten::permute | 5 |
245 | Tensor<[4544,18176]>, dims: [1, 0] | ttnn.permute | aten::permute | 5 |
246 | Tensor<[1,32,7]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
247 | Tensor<[1,7,71,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
248 | Tensor<[1,7,1,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
249 | Tensor<[1,1,7,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
250 | Tensor<[65024,4544]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
251 | Tensor<[1000,1280]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
252 | Tensor<[1,12,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
253 | Tensor<[768,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
254 | Tensor<[1,12,12,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
255 | Tensor<[1,9,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
256 | Tensor<[1,12,9,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
257 | Tensor<[1,12,9,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
258 | Tensor<[128,768]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
259 | Tensor<[30000,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
260 | Tensor<[1,9,16,128]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
261 | Tensor<[2048,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
262 | Tensor<[2048,2048]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
263 | Tensor<[1,16,9,128]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
264 | Tensor<[1,16,9,128]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
265 | Tensor<[8192,2048]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
266 | Tensor<[2048,8192]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
267 | Tensor<[128,2048]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
268 | Tensor<[1,9,16,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
269 | Tensor<[1024,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
270 | Tensor<[1,16,9,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
271 | Tensor<[1,16,9,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
272 | Tensor<[128,1024]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
273 | Tensor<[1,9,64,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
274 | Tensor<[4096,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
275 | Tensor<[1,64,9,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
276 | Tensor<[1,64,9,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
277 | Tensor<[16384,4096]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
278 | Tensor<[4096,16384]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
279 | Tensor<[128,4096]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
280 | Tensor<[1,14,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
281 | Tensor<[1,12,14,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
282 | Tensor<[1,12,14,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
283 | Tensor<[1,768,49]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
284 | Tensor<[1,50,12,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
285 | Tensor<[1,12,50,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
286 | Tensor<[1,12,50,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
287 | Tensor<[2,7,8,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
288 | Tensor<[2,8,7,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
289 | Tensor<[2,8,7,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::transpose.int | 4 |
290 | Tensor<[1,512]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
291 | Tensor<[2,1]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
292 | Tensor<[1,197,16,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
293 | Tensor<[1,27,27,16]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
294 | Tensor<[1,16,27,27]>, dims: [0, 2, 3, 1] | ttnn.permute | aten::permute | 4 |
295 | Tensor<[2,196,196]>, dims: [1, 2, 0] | ttnn.permute | aten::permute | 4 |
296 | Tensor<[197,197,16]>, dims: [2, 0, 1] | ttnn.permute | aten::permute | 4 |
297 | Tensor<[1,16,197,64]>, dims: [0, 2, 1, 3] | ttnn.permute | aten::permute | 4 |
298 | Tensor<[1,1024,196]>, dims: [0, 2, 1] | ttnn.permute | aten::transpose.int | 4 |
299 | Tensor<[1,16,197,64]>, dims: [0, 1, 3, 2] | ttnn.permute | aten::transpose.int | 4 |
300 | Tensor<[1,27,27,12]>, dims: [0, 3, 1, 2] | ttnn.permute | aten::permute | 4 |
301 | Tensor<[1,12,27,27]>, dims: [0, 2, 3, 1] | ttnn.permute | aten::permute | 4 |
302 | Tensor<[197,197,12]>, dims: [2, 0, 1] | ttnn.permute | aten::permute | 4 |
303 | Tensor<[128,784]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
304 | Tensor<[64,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
305 | Tensor<[12,64]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
306 | Tensor<[3,12]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
307 | Tensor<[12,3]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
308 | Tensor<[64,12]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
309 | Tensor<[128,64]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
310 | Tensor<[784,128]>, dims: [1, 0] | ttnn.permute | aten::transpose.int | 5 |
tensor.empty
STABLE HLO Input Variations | ttnn op | Torch Name | Status | |
---|---|---|---|---|
0 | Tensor<[32,32]>, | aten::empty_strided | 4 | |
1 | Tensor<[7,7]>, | aten::empty_strided | 4 | |
2 | Tensor<[19,19]>, | aten::empty_strided | 4 |
How to read these files?
The *.md/ *.json files store information related to ops from ttnn graphs. A TTNN Graph could look like the following
#device = #tt.device<workerGrid = #tt.grid<8x8, (d0, d1) -> (0, d0, d1)>, l1Map = (d0, d1)[s0, s1] -> (0, d0 floordiv s0, d1 floordiv s1, (d0 mod s0) * s1 + d1 mod s1), dramMap = (d0, d1)[s0, s1] -> (0, 0, ((((d0 floordiv s0) * 8 + d1 floordiv s1) * (s1 * s0) + (d0 mod s0) * s1 + d1 mod s1) floordiv 8192) mod 12, (((d0 floordiv s0) * 8 + d1 floordiv s1) * (s1 * s0) + (d0 mod s0) * s1 + d1 mod s1) floordiv 98304 + (((d0 floordiv s0) * 8 + d1 floordiv s1) * (s1 * s0) + (d0 mod s0) * s1 + d1 mod s1) mod 8192), meshShape = , chipIds = [0]>
#dram = #ttnn.buffer_type<dram>
#system_desc = #tt.system_desc<[{role = host, target_triple = ""x86_64-pc-linux-gnu""}], [{arch = <wormhole_b0>, grid = 8x8, l1_size = 1499136, num_dram_channels = 12, dram_channel_size = 1073741824, noc_l1_address_align_bytes = 16, pcie_address_align_bytes = 32, noc_dram_address_align_bytes = 32, l1_unreserved_base = 1024, erisc_l1_unreserved_base = 1024, dram_unreserved_base = 1024, dram_unreserved_end = 1073741824, physical_cores = {worker = [ 0x0, 0x1, 0x2, 0x3, 0x4, 0x5, 0x6, 0x7, 1x0, 1x1, 1x2, 1x3, 1x4, 1x5, 1x6, 1x7, 2x0, 2x1, 2x2, 2x3, 2x4, 2x5, 2x6, 2x7, 3x0, 3x1, 3x2, 3x3, 3x4, 3x5, 3x6, 3x7, 4x0, 4x1, 4x2, 4x3, 4x4, 4x5, 4x6, 4x7, 5x0, 5x1, 5x2, 5x3, 5x4, 5x5, 5x6, 5x7, 6x0, 6x1, 6x2, 6x3, 6x4, 6x5, 6x6, 6x7, 7x0, 7x1, 7x2, 7x3, 7x4, 7x5, 7x6, 7x7] dram = [ 8x0, 9x0, 10x0, 8x1, 9x1, 10x1, 8x2, 9x2, 10x2, 8x3, 9x3, 10x3]}, supported_data_types = [<f32>, <f16>, <bf16>, <bfp_f8>, <bfp_bf8>, <bfp_f4>, <bfp_bf4>, <bfp_f2>, <bfp_bf2>, <u32>, <u16>, <u8>], supported_tile_sizes = [ 4x16, 16x16, 32x16, 4x32, 16x32, 32x32], num_cbs = 32}], [0], [3 : i32], [ 0x0x0x0]>
#system_memory = #ttnn.buffer_type<system_memory>
#ttnn_layout = #ttnn.ttnn_layout<(d0, d1, d2, d3) -> (d0 * 14336 + d1 * 14 + d2, d3), <1x1>, memref<14336x14xbf16, #system_memory>>
#ttnn_layout1 = #ttnn.ttnn_layout<(d0, d1, d2, d3) -> (d0 * 3072 + d1 * 3 + d2, d3), <1x1>, memref<3145728x3xbf16, #system_memory>>
#ttnn_layout2 = #ttnn.ttnn_layout<(d0, d1, d2, d3) -> (d0 * 14336 + d1 * 14 + d2, d3), <1x1>, memref<448x1x!tt.tile<32x32, bf16>, #dram>, interleaved>
#ttnn_layout3 = #ttnn.ttnn_layout<(d0, d1, d2, d3) -> (d0 * 14336 + d1 * 1024 + d2, d3), <1x1>, memref<448x1x!tt.tile<32x32, bf16>, #dram>, interleaved>
#ttnn_layout4 = #ttnn.ttnn_layout<(d0, d1, d2, d3) -> (d0 * 196 + d1 * 14 + d2, d3), <1x1>, memref<7x32x!tt.tile<32x32, bf16>, #dram>, interleaved>
module attributes {tt.device = #device, tt.system_desc = #system_desc} {
func.func @main(%arg0: tensor<1x1024x14x14xbf16, #ttnn_layout>, %arg1: tensor<1024x1024x3x3xbf16, #ttnn_layout1>) -> tensor<1x1024x14x14xbf16, #ttnn_layout> {
%0 = ""ttnn.get_device""() <{mesh_shape = #ttnn<mesh_shape 1x1>}> : () -> !tt.device<#device>
%1 = ""ttnn.to_device""(%arg0, %0) <{memory_config = #ttnn.memory_config<<interleaved>, #dram, <<448x1>>>}> : (tensor<1x1024x14x14xbf16, #ttnn_layout>, !tt.device<#device>) -> tensor<1x1024x14x14xbf16, #ttnn_layout2>
%2 = ""ttnn.to_layout""(%1) <{layout = #ttnn.layout<tile>}> : (tensor<1x1024x14x14xbf16, #ttnn_layout2>) -> tensor<1x1024x14x14xbf16, #ttnn_layout2>
""ttnn.deallocate""(%1) <{force = false}> : (tensor<1x1024x14x14xbf16, #ttnn_layout2>) -> ()
%3 = ""ttnn.transpose""(%2) <{dim0 = 1 : si32, dim1 = 2 : si32}> : (tensor<1x1024x14x14xbf16, #ttnn_layout2>) -> tensor<1x14x1024x14xbf16, #ttnn_layout3>
""ttnn.deallocate""(%2) <{force = false}> : (tensor<1x1024x14x14xbf16, #ttnn_layout2>) -> ()
%4 = ""ttnn.transpose""(%3) <{dim0 = 2 : si32, dim1 = 3 : si32}> : (tensor<1x14x1024x14xbf16, #ttnn_layout3>) -> tensor<1x14x14x1024xbf16, #ttnn_layout4>
""ttnn.deallocate""(%3) <{force = false}> : (tensor<1x14x1024x14xbf16, #ttnn_layout3>) -> ()
%5 = ""ttnn.reshape""(%4) <{shape = [1 : i32, 1 : i32, 196 : i32, 1024 : i32]}> : (tensor<1x14x14x1024xbf16, #ttnn_layout4>) -> tensor<1x1x196x1024xbf16, #ttnn_layout4>
""ttnn.deallocate""(%4) <{force = false}> : (tensor<1x14x14x1024xbf16, #ttnn_layout4>) -> ()
%6 = ""ttnn.empty""(%0) <{dtype = #tt.supportedDataTypes<bf16>, layout = #ttnn.layout<tile>, memory_config = #ttnn.memory_config<<interleaved>, #dram, <<7x32>>>, shape = #ttnn.shape<1x1x196x1024>}> : (!tt.device<#device>) -> tensor<1x1x196x1024xbf16, #ttnn_layout4>
%7 = ""ttnn.conv2d""(%5, %arg1, %6, %0) <{batch_size = 1 : i32, dilation_height = 1 : i32, dilation_width = 1 : i32, groups = 1 : i32, in_channels = 1024 : i32, input_height = 14 : i32, input_width = 14 : i32, kernel_height = 3 : i32, kernel_width = 3 : i32, out_channels = 1024 : i32, padding_height = 1 : i32, padding_width = 1 : i32, stride_height = 1 : i32, stride_width = 1 : i32}> : (tensor<1x1x196x1024xbf16, #ttnn_layout4>, tensor<1024x1024x3x3xbf16, #ttnn_layout1>, tensor<1x1x196x1024xbf16, #ttnn_layout4>, !tt.device<#device>) -> tensor<1x1x196x1024xbf16, #ttnn_layout4>
""ttnn.deallocate""(%5) <{force = false}> : (tensor<1x1x196x1024xbf16, #ttnn_layout4>) -> ()
%8 = ""ttnn.reshape""(%7) <{shape = [1 : i32, 14 : i32, 14 : i32, 1024 : i32]}> : (tensor<1x1x196x1024xbf16, #ttnn_layout4>) -> tensor<1x14x14x1024xbf16, #ttnn_layout4>
""ttnn.deallocate""(%6) <{force = false}> : (tensor<1x1x196x1024xbf16, #ttnn_layout4>) -> ()
%9 = ""ttnn.transpose""(%8) <{dim0 = 2 : si32, dim1 = 3 : si32}> : (tensor<1x14x14x1024xbf16, #ttnn_layout4>) -> tensor<1x14x1024x14xbf16, #ttnn_layout3>
""ttnn.deallocate""(%8) <{force = false}> : (tensor<1x14x14x1024xbf16, #ttnn_layout4>) -> ()
%10 = ""ttnn.transpose""(%9) <{dim0 = 1 : si32, dim1 = 2 : si32}> : (tensor<1x14x1024x14xbf16, #ttnn_layout3>) -> tensor<1x1024x14x14xbf16, #ttnn_layout2>
""ttnn.deallocate""(%9) <{force = false}> : (tensor<1x14x1024x14xbf16, #ttnn_layout3>) -> ()
%11 = ""ttnn.from_device""(%10) : (tensor<1x1024x14x14xbf16, #ttnn_layout2>) -> tensor<1x1024x14x14xbf16, #ttnn_layout>
""ttnn.deallocate""(%10) <{force = false}> : (tensor<1x1024x14x14xbf16, #ttnn_layout2>) -> ()
%12 = ""ttnn.to_layout""(%11) <{layout = #ttnn.layout<row_major>}> : (tensor<1x1024x14x14xbf16, #ttnn_layout>) -> tensor<1x1024x14x14xbf16, #ttnn_layout>
""ttnn.deallocate""(%11) <{force = false}> : (tensor<1x1024x14x14xbf16, #ttnn_layout>) -> ()
return %12 : tensor<1x1024x14x14xbf16, #ttnn_layout>
}
}
Each line that starts with #number refers to an operation. The parser parses through all TTNN graphs generated by models under tt-torch and compiles all ops by the same name together.
Name
The name of the operation, i.e. ttnn.add, ttnn.matmul
Input/ Output Shapes
The shapes of the input/ output arguments to the operation, last element is the data type (i.e. bf16, i32)
Note: Some operations take the output as the last input.
Input/ Output Layouts
Please refer to tt-mlir tensor layout documentation
Mapping From/ To
i.e. (d0, d1, d2, d3) -> (d0 * 3072 + d1 * 3 + d2, d3)
Memory Config
i.e. <448x1x!tt.tile<32x32, bf16>, #dram>
- "tile" refers to tilized memory
- "dram" refers to dram memory
- "system_memory" refers to unformatted weight tensor on host
- "interleaved" refers to interleaved memory
Attributes
Parameters passed into the operation.
Runs on TTNN
Yes / No/ N/A
PCC
Pearson's correlation coefficient
ATOL
The tolerance on absolute differences
ttnn.add
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,12,12,1,f32]> tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,14,1,f32]> tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1500,1,f32]> tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,16,1,f32]> tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,197,1,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,25,1,f32]> tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,50,1,f32]> tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,7,1,f32]> tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,9,1,f32]> tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1370,1,f32]> tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,256,1,f32]> tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,6,1,f32]> tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,9,1,f32]> tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,32,1,f32]> tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,13,1,f32]> tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,32,1,f32]> tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3,1445,1,f32]> tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,9,1,f32]> tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,71,7,1,f32]> tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1024,1,f32]> tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1024,1,f32]> tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,256,1,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,256,1,f32]> tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,4096,1,f32]> tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,4096,1,f32]> tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,64,1,f32]> tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,64,1,f32]> tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,8,7,1,f32]> tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[121,6,144,1,f32]> tensor<[121,6,144,144,f32]> tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16,8,49,1,f32]> tensor<[16,8,49,49,f32]> tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,10,1,f32]> tensor<[1,12,10,10,f32]> tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,197,1,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,10,f32]> tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,11,f32]> tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,12,f32]> tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,2,f32]> tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,3,f32]> tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,4,f32]> tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,5,f32]> tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,6,f32]> tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,7,f32]> tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,8,f32]> tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,1,9,f32]> tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,201,1,f32]> tensor<[1,12,201,201,f32]> tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,257,1,f32]> tensor<[1,12,257,257,f32]> tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,45,1,f32]> tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,8,1,f32]> tensor<[1,12,8,8,f32]> tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,10,1,f32]> tensor<[1,16,10,10,f32]> tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,197,1,f32]> tensor<[1,16,197,197,f32]> tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,2,f32]> tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,3,f32]> tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,4,f32]> tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,5,f32]> tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,32,1,f32]> tensor<[1,16,32,32,f32]> tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,5,1,f32]> tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,16384,1,f32]> tensor<[1,1,16384,256,f32]> tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,19200,1,f32]> tensor<[1,1,19200,300,f32]> tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,27,1,f32]> tensor<[1,27,257,f32]> tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,4096,1,f32]> tensor<[1,2,4096,256,f32]> tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,4800,1,f32]> tensor<[1,2,4800,300,f32]> tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,49,1,f32]> tensor<[1,32,49,49,f32]> tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1024,1,f32]> tensor<[1,5,1024,256,f32]> tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1200,1,f32]> tensor<[1,5,1200,300,f32]> tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,15,1,f32]> tensor<[1,6,15,15,f32]> tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,10,f32]> tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,11,f32]> tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,12,f32]> tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,13,f32]> tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,14,f32]> tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,15,f32]> tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,16,f32]> tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,17,f32]> tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,18,f32]> tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,19,f32]> tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,20,f32]> tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,2,f32]> tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,3,f32]> tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,4,f32]> tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,5,f32]> tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,6,f32]> tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,7,f32]> tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,8,f32]> tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,f32]> tensor<[1,6,1,9,f32]> tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,10,1,f32]> tensor<[1,8,10,10,f32]> tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,10,f32]> tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,11,f32]> tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,12,f32]> tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,13,f32]> tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,14,f32]> tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,15,f32]> tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,16,f32]> tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,17,f32]> tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,18,f32]> tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,19,f32]> tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,20,f32]> tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,2,f32]> tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,3,f32]> tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,4,f32]> tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,5,f32]> tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,6,f32]> tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,7,f32]> tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,8,f32]> tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,1,9,f32]> tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,2048,1,f32]> tensor<[1,8,2048,256,f32]> tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,256,1,f32]> tensor<[1,8,256,2048,f32]> tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,256,1,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,300,1,f32]> tensor<[1,8,300,300,f32]> tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,12,13,1,f32]> tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[36,12,144,1,f32]> tensor<[36,12,144,144,f32]> tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[36,24,144,1,f32]> tensor<[36,24,144,144,f32]> tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[484,6,144,1,f32]> tensor<[484,6,144,144,f32]> tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,16,49,1,f32]> tensor<[4,16,49,49,f32]> tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,48,144,1,f32]> tensor<[4,48,144,144,f32]> tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[64,1,1,f32]> tensor<[64,1,13,f32]> tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[64,4,49,1,f32]> tensor<[64,4,49,49,f32]> tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[8,100,1,f32]> tensor<[8,100,100,f32]> tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[8,100,1,f32]> tensor<[8,100,920,f32]> tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[8,920,1,f32]> tensor<[8,920,920,f32]> tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,24,144,1,f32]> tensor<[9,24,144,144,f32]> tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,48,144,1,f32]> tensor<[9,48,144,144,f32]> tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[100,1,1,f32]> tensor<[1,1,1,f32]> tensor<[100,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[100,1,256,bf16]> tensor<[100,1,256,bf16]> tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[100,1,256,f32]> tensor<[1,1,256,f32]> tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[100,2048,f32]> tensor<[1,2048,f32]> tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[100,256,f32]> tensor<[1,256,f32]> tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[100,4,f32]> tensor<[1,4,f32]> tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[100,92,f32]> tensor<[1,92,f32]> tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1024,1536,f32]> tensor<[1,1536,f32]> tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1024,160,f32]> tensor<[1,160,f32]> tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1024,3072,f32]> tensor<[1,3072,f32]> tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1024,5120,f32]> tensor<[1,5120,f32]> tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1024,6144,f32]> tensor<[1,6144,f32]> tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1024,640,f32]> tensor<[1,640,f32]> tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1024,768,f32]> tensor<[1,768,f32]> tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[10,250002,f32]> tensor<[1,250002,f32]> tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[10,3072,f32]> tensor<[1,3072,f32]> tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[10,768,f32]> tensor<[1,768,f32]> tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1200,1280,f32]> tensor<[1,1280,f32]> tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1200,320,f32]> tensor<[1,320,f32]> tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[121,12,144,144,f32]> tensor<[1,12,144,144,f32]> tensor<[121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (54, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[121,6,144,144,f32]> tensor<[1,6,144,144,f32]> tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (27, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1296,1536,f32]> tensor<[1,1536,f32]> tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1296,2304,f32]> tensor<[1,2304,f32]> tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1296,4608,f32]> tensor<[1,4608,f32]> tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1296,768,f32]> tensor<[1,768,f32]> tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[12,1536,f32]> tensor<[1,1536,f32]> tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[12,256,f32]> tensor<[1,256,f32]> tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[12,2,f32]> tensor<[1,2,f32]> tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[12,3072,f32]> tensor<[1,3072,f32]> tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[12,768,f32]> tensor<[1,768,f32]> tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1370,1280,f32]> tensor<[1,1280,f32]> tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1370,3840,f32]> tensor<[1,3840,f32]> tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 120, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1370,5120,f32]> tensor<[1,5120,f32]> tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[13,2,f32]> tensor<[1,2,f32]> tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[13,3584,f32]> tensor<[1,3584,f32]> tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[13,512,f32]> tensor<[1,512,f32]> tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1445,192,f32]> tensor<[1,192,f32]> tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1445,768,f32]> tensor<[1,768,f32]> tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[14,2048,f32]> tensor<[1,2048,f32]> tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[14,2,f32]> tensor<[1,2,f32]> tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[14,3072,f32]> tensor<[1,3072,f32]> tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[14,512,f32]> tensor<[1,512,f32]> tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[14,768,f32]> tensor<[1,768,f32]> tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1500,3072,f32]> tensor<[1,3072,f32]> tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1500,768,f32]> tensor<[1,768,f32]> tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16384,128,f32]> tensor<[1,128,f32]> tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16384,1536,f32]> tensor<[1,1536,f32]> tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16384,192,f32]> tensor<[1,192,f32]> tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16384,32,f32]> tensor<[1,32,f32]> tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16384,384,f32]> tensor<[1,384,f32]> tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16384,768,f32]> tensor<[1,768,f32]> tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16,3072,f32]> tensor<[1,3072,f32]> tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16,768,f32]> tensor<[1,768,f32]> tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[16,8,49,49,bf16]> tensor<[1,8,49,49,bf16]> tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[17424,1152,f32]> tensor<[1,1152,f32]> tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[17424,192,f32]> tensor<[1,192,f32]> tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[17424,384,f32]> tensor<[1,384,f32]> tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[17424,576,f32]> tensor<[1,576,f32]> tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[19200,256,f32]> tensor<[1,256,f32]> tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[19200,64,f32]> tensor<[1,64,f32]> tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[196,1536,f32]> tensor<[1,1536,f32]> tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[196,3072,f32]> tensor<[1,3072,f32]> tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[196,512,f32]> tensor<[1,512,f32]> tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[196,768,f32]> tensor<[1,768,f32]> tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[197,1024,f32]> tensor<[1,1024,f32]> tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[197,3072,f32]> tensor<[1,3072,f32]> tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[197,4096,f32]> tensor<[1,4096,f32]> tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[197,768,f32]> tensor<[1,768,f32]> tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,ui32]> tensor<[1,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1000,f32]> tensor<[1,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,100,14,14,f32]> tensor<[1,100,1,1,f32]> tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,bf16]> tensor<[1,1024,bf16]> tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,10,10,f32]> tensor<[1,1024,1,1,f32]> tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,10,10,bf16]> tensor<[1,1024,10,10,bf16]> tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,14,14,f32]> tensor<[1,1024,1,1,f32]> tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,14,14,bf16]> tensor<[1,1024,14,14,bf16]> tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1536,f32]> tensor<[1,1,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,160,f32]> tensor<[1,1,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,160,bf16]> tensor<[1,1024,160,bf16]> tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,16,16,f32]> tensor<[1,1024,1,1,f32]> tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,16,16,bf16]> tensor<[1,1024,16,16,bf16]> tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,19,19,f32]> tensor<[1,1024,1,1,f32]> tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,256,bf16]> tensor<[1,1,256,bf16]> tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,28,28,f32]> tensor<[1,1024,1,1,f32]> tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,3072,f32]> tensor<[1,1,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,45,80,bf16]> tensor<[1,1024,1,1,bf16]> tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,45,80,bf16]> tensor<[1,1024,45,80,bf16]> tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,640,bf16]> tensor<[1,1024,640,bf16]> tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,640,f32]> tensor<[1,1,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,7,7,f32]> tensor<[1,1024,1,1,f32]> tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,7,7,bf16]> tensor<[1,1024,7,7,bf16]> tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1056,14,14,f32]> tensor<[1,1056,1,1,f32]> tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1056,7,7,f32]> tensor<[1,1056,1,1,f32]> tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1088,14,14,f32]> tensor<[1,1088,1,1,f32]> tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1088,7,7,f32]> tensor<[1,1088,1,1,f32]> tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,f32]> tensor<[1,10,f32]> tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1024,bf16]> tensor<[1,10,1024,bf16]> tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,1,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,1,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,512,bf16]> tensor<[1,10,512,bf16]> tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,768,f32]> tensor<[1,1,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1120,14,14,f32]> tensor<[1,1120,1,1,f32]> tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1120,7,7,f32]> tensor<[1,1120,1,1,f32]> tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,14,14,f32]> tensor<[1,112,1,1,f32]> tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,14,14,bf16]> tensor<[1,112,14,14,bf16]> tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,15,15,f32]> tensor<[1,112,1,1,f32]> tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,15,15,bf16]> tensor<[1,112,15,15,bf16]> tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,20,20,f32]> tensor<[1,112,1,1,f32]> tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,24,24,f32]> tensor<[1,112,1,1,f32]> tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,24,24,bf16]> tensor<[1,112,24,24,bf16]> tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,7,7,f32]> tensor<[1,112,1,1,f32]> tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,14,14,f32]> tensor<[1,1152,1,1,f32]> tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,7,7,f32]> tensor<[1,1152,1,1,f32]> tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,8,8,f32]> tensor<[1,1152,1,1,f32]> tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,116,14,14,f32]> tensor<[1,116,1,1,f32]> tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 116 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1184,14,14,f32]> tensor<[1,1184,1,1,f32]> tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1184,7,7,f32]> tensor<[1,1184,1,1,f32]> tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,11,1,f32]> tensor<[1,1,1,f32]> tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,11,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,320,bf16]> tensor<[1,1200,320,bf16]> tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,320,f32]> tensor<[1,1,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,14,14,f32]> tensor<[1,120,1,1,f32]> tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,17,17,f32]> tensor<[1,120,1,1,f32]> tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,17,17,bf16]> tensor<[1,120,17,17,bf16]> tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,28,28,f32]> tensor<[1,120,1,1,f32]> tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,40,40,f32]> tensor<[1,120,1,1,f32]> tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1216,14,14,f32]> tensor<[1,1216,1,1,f32]> tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1216,7,7,f32]> tensor<[1,1216,1,1,f32]> tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,121,12,144,144,f32]> tensor<[1,121,1,144,144,f32]> tensor<[1,121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 17424 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (545, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,121,6,144,144,f32]> tensor<[1,121,1,144,144,f32]> tensor<[1,121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 17424 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (545, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,14,14,f32]> tensor<[1,1248,1,1,f32]> tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,7,7,f32]> tensor<[1,1248,1,1,f32]> tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,9,9,f32]> tensor<[1,1248,1,1,f32]> tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,f32]> tensor<[1,1280,f32]> tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,10,10,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,12,12,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,14,14,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,16,16,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,32,32,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,7,7,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,9,9,f32]> tensor<[1,1280,1,1,f32]> tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,f32]> tensor<[1,128,f32]> tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,112,112,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,128,128,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,14,14,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,150,150,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,17,17,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,180,320,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,28,28,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,2,2,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,32,32,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,3,3,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,56,56,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,5,5,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,64,64,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,75,75,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,75,75,bf16]> tensor<[1,128,75,75,bf16]> tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,7,7,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,90,160,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,f32]> tensor<[1,12,f32]> tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,10,10,bf16]> tensor<[1,12,10,10,bf16]> tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,10,10,f32]> tensor<[1,1,10,10,f32]> tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,10,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,128,f32]> tensor<[1,1,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,128,bf16]> tensor<[1,12,128,bf16]> tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,12,128,bf16]> tensor<[1,12,12,128,bf16]> tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,12,12,f32]> tensor<[1,1,12,12,f32]> tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,1,1,13,f32]> tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,13,13,f32]> tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,14,14,f32]> tensor<[1,1,14,14,f32]> tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,16,16,f32]> tensor<[1,1,16,16,f32]> tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,197,197,bf16]> tensor<[1,12,197,197,bf16]> tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,1,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,1,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,1,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,10,bf16]> tensor<[1,12,1,10,bf16]> tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,11,bf16]> tensor<[1,12,1,11,bf16]> tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,128,bf16]> tensor<[1,12,1,128,bf16]> tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,12,bf16]> tensor<[1,12,1,12,bf16]> tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,13,bf16]> tensor<[1,12,1,13,bf16]> tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,13,f32]> tensor<[1,1,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,14,bf16]> tensor<[1,12,1,14,bf16]> tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,14,f32]> tensor<[1,1,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,15,bf16]> tensor<[1,12,1,15,bf16]> tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,15,f32]> tensor<[1,1,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,16,bf16]> tensor<[1,12,1,16,bf16]> tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,16,f32]> tensor<[1,1,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,17,bf16]> tensor<[1,12,1,17,bf16]> tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,17,f32]> tensor<[1,1,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,18,bf16]> tensor<[1,12,1,18,bf16]> tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,18,f32]> tensor<[1,1,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,19,bf16]> tensor<[1,12,1,19,bf16]> tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,19,f32]> tensor<[1,1,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,1,bf16]> tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,20,bf16]> tensor<[1,12,1,20,bf16]> tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,20,f32]> tensor<[1,1,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,21,f32]> tensor<[1,1,1,21,f32]> tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,22,f32]> tensor<[1,1,1,22,f32]> tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,23,f32]> tensor<[1,1,1,23,f32]> tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,24,f32]> tensor<[1,1,1,24,f32]> tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,25,f32]> tensor<[1,1,1,25,f32]> tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,26,f32]> tensor<[1,1,1,26,f32]> tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,27,f32]> tensor<[1,1,1,27,f32]> tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,28,f32]> tensor<[1,1,1,28,f32]> tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,29,f32]> tensor<[1,1,1,29,f32]> tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,2,bf16]> tensor<[1,12,1,2,bf16]> tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,3,bf16]> tensor<[1,12,1,3,bf16]> tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,46,f32]> tensor<[1,1,1,46,f32]> tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,47,f32]> tensor<[1,1,1,47,f32]> tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,48,f32]> tensor<[1,1,1,48,f32]> tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,49,f32]> tensor<[1,1,1,49,f32]> tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,4,bf16]> tensor<[1,12,1,4,bf16]> tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,50,f32]> tensor<[1,1,1,50,f32]> tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,51,f32]> tensor<[1,1,1,51,f32]> tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,52,f32]> tensor<[1,1,1,52,f32]> tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,53,f32]> tensor<[1,1,1,53,f32]> tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,54,f32]> tensor<[1,1,1,54,f32]> tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,55,f32]> tensor<[1,1,1,55,f32]> tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,56,f32]> tensor<[1,1,1,56,f32]> tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,57,f32]> tensor<[1,1,1,57,f32]> tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,58,f32]> tensor<[1,1,1,58,f32]> tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,59,f32]> tensor<[1,1,1,59,f32]> tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,5,bf16]> tensor<[1,12,1,5,bf16]> tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,60,f32]> tensor<[1,1,1,60,f32]> tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,61,f32]> tensor<[1,1,1,61,f32]> tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,62,f32]> tensor<[1,1,1,62,f32]> tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,63,f32]> tensor<[1,1,1,63,f32]> tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,64,f32]> tensor<[1,1,1,64,f32]> tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,65,f32]> tensor<[1,1,1,65,f32]> tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,66,f32]> tensor<[1,1,1,66,f32]> tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,67,f32]> tensor<[1,1,1,67,f32]> tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,68,f32]> tensor<[1,1,1,68,f32]> tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,69,f32]> tensor<[1,1,1,69,f32]> tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,6,bf16]> tensor<[1,12,1,6,bf16]> tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,70,f32]> tensor<[1,1,1,70,f32]> tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,71,f32]> tensor<[1,1,1,71,f32]> tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,72,f32]> tensor<[1,1,1,72,f32]> tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,73,f32]> tensor<[1,1,1,73,f32]> tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,74,f32]> tensor<[1,1,1,74,f32]> tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,75,f32]> tensor<[1,1,1,75,f32]> tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,76,f32]> tensor<[1,1,1,76,f32]> tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,77,f32]> tensor<[1,1,1,77,f32]> tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,78,f32]> tensor<[1,1,1,78,f32]> tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,79,f32]> tensor<[1,1,1,79,f32]> tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,7,bf16]> tensor<[1,12,1,7,bf16]> tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,80,f32]> tensor<[1,1,1,80,f32]> tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,81,f32]> tensor<[1,1,1,81,f32]> tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,82,f32]> tensor<[1,1,1,82,f32]> tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,83,f32]> tensor<[1,1,1,83,f32]> tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,84,f32]> tensor<[1,1,1,84,f32]> tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,85,f32]> tensor<[1,1,1,85,f32]> tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,86,f32]> tensor<[1,1,1,86,f32]> tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,87,f32]> tensor<[1,1,1,87,f32]> tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,88,f32]> tensor<[1,1,1,88,f32]> tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,89,f32]> tensor<[1,1,1,89,f32]> tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,8,bf16]> tensor<[1,12,1,8,bf16]> tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,90,f32]> tensor<[1,1,1,90,f32]> tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,91,f32]> tensor<[1,1,1,91,f32]> tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,92,f32]> tensor<[1,1,1,92,f32]> tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,93,f32]> tensor<[1,1,1,93,f32]> tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,94,f32]> tensor<[1,1,1,94,f32]> tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,95,f32]> tensor<[1,1,1,95,f32]> tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,96,f32]> tensor<[1,1,1,96,f32]> tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,97,f32]> tensor<[1,1,1,97,f32]> tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,12,1,98,f32]> tensor<[1,1,1,98,f32]> tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,99,f32]> tensor<[1,1,1,99,f32]> tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,9,bf16]> tensor<[1,12,1,9,bf16]> tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,201,201,bf16]> tensor<[1,1,1,201,bf16]> tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,25,25,f32]> tensor<[1,1,25,25,f32]> tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,3072,bf16]> tensor<[1,1,1,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,45,45,f32]> tensor<[1,1,45,45,f32]> tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,56,56,f32]> tensor<[1,12,1,1,f32]> tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,768,bf16]> tensor<[1,12,768,bf16]> tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,768,f32]> tensor<[1,1,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,7,7,f32]> tensor<[1,1,7,7,f32]> tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,8,8,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,9,9,f32]> tensor<[1,1,9,9,f32]> tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1312,14,14,f32]> tensor<[1,1312,1,1,f32]> tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1312,7,7,f32]> tensor<[1,1312,1,1,f32]> tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,14,14,f32]> tensor<[1,1344,1,1,f32]> tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,14,14,bf16]> tensor<[1,1344,14,14,bf16]> tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,28,28,f32]> tensor<[1,1344,1,1,f32]> tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,7,7,f32]> tensor<[1,1344,1,1,f32]> tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,134,28,28,f32]> tensor<[1,134,1,1,f32]> tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 134 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,136,19,19,f32]> tensor<[1,136,1,1,f32]> tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,136,19,19,bf16]> tensor<[1,136,19,19,bf16]> tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,1280,f32]> tensor<[1,1,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,1280,bf16]> tensor<[1,1370,1280,bf16]> tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1376,14,14,f32]> tensor<[1,1376,1,1,f32]> tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1376,7,7,f32]> tensor<[1,1376,1,1,f32]> tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,10,10,f32]> tensor<[1,1392,1,1,f32]> tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,14,14,f32]> tensor<[1,1392,1,1,f32]> tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,14,14,bf16]> tensor<[1,1392,14,14,bf16]> tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,28,28,f32]> tensor<[1,1392,1,1,f32]> tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,1,f32]> tensor<[1,1,1,f32]> tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,1,f32]> tensor<[1,1,1,f32]> tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,3584,bf16]> tensor<[1,13,3584,bf16]> tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1408,14,14,f32]> tensor<[1,1408,1,1,f32]> tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1408,7,7,f32]> tensor<[1,1408,1,1,f32]> tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1440,14,14,f32]> tensor<[1,1440,1,1,f32]> tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1440,7,7,f32]> tensor<[1,1440,1,1,f32]> tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,192,f32]> tensor<[1,1,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,192,bf16]> tensor<[1,1445,192,bf16]> tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,14,14,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,150,150,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,190,190,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,28,28,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,30,30,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,33,33,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,56,56,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,60,60,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,65,65,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,75,75,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,7,7,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,7,7,bf16]> tensor<[1,144,7,7,bf16]> tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,95,95,f32]> tensor<[1,144,1,1,f32]> tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1472,14,14,f32]> tensor<[1,1472,1,1,f32]> tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1472,7,7,f32]> tensor<[1,1472,1,1,f32]> tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,128,f32]> tensor<[1,1,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,128,bf16]> tensor<[1,14,128,bf16]> tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1024,f32]> tensor<[1,1,1,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1,f32]> tensor<[1,1,1,1,f32]> tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,2048,bf16]> tensor<[1,1,1,2048,bf16]> tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,512,bf16]> tensor<[1,14,14,512,bf16]> tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,512,f32]> tensor<[1,1,1,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,1,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,1,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,3072,bf16]> tensor<[1,1,1,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,56,56,f32]> tensor<[1,14,1,1,f32]> tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,768,bf16]> tensor<[1,14,768,bf16]> tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,768,f32]> tensor<[1,1,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,768,bf16]> tensor<[1,1500,768,bf16]> tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,768,bf16]> tensor<[1,1500,768,bf16]> tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1504,14,14,f32]> tensor<[1,1504,1,1,f32]> tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1504,7,7,f32]> tensor<[1,1504,1,1,f32]> tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,10,10,f32]> tensor<[1,1536,1,1,f32]> tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,14,14,f32]> tensor<[1,1536,1,1,f32]> tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,7,7,f32]> tensor<[1,1536,1,1,f32]> tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1568,14,14,f32]> tensor<[1,1568,1,1,f32]> tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1568,7,7,f32]> tensor<[1,1568,1,1,f32]> tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,1024,bf16]> tensor<[1,1,1,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,1,f32]> tensor<[1,1,1,f32]> tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,1,f32]> tensor<[1,1,1,f32]> tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,512,bf16]> tensor<[1,15,512,bf16]> tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1600,14,14,f32]> tensor<[1,1600,1,1,f32]> tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1600,7,7,f32]> tensor<[1,1600,1,1,f32]> tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,14,14,f32]> tensor<[1,160,1,1,f32]> tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,24,24,f32]> tensor<[1,160,1,1,f32]> tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,24,24,bf16]> tensor<[1,160,24,24,bf16]> tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,28,28,f32]> tensor<[1,160,1,1,f32]> tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,56,56,f32]> tensor<[1,160,1,1,f32]> tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,7,7,f32]> tensor<[1,160,1,1,f32]> tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,12,12,f32]> tensor<[1,1632,1,1,f32]> tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,14,14,f32]> tensor<[1,1632,1,1,f32]> tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,7,7,f32]> tensor<[1,1632,1,1,f32]> tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,192,f32]> tensor<[1,1,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,1,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,256,bf16]> tensor<[1,1,256,bf16]> tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,32,bf16]> tensor<[1,16384,32,bf16]> tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,32,f32]> tensor<[1,1,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,384,f32]> tensor<[1,1,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,768,f32]> tensor<[1,1,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1664,14,14,f32]> tensor<[1,1664,1,1,f32]> tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1664,7,7,f32]> tensor<[1,1664,1,1,f32]> tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,168,28,28,f32]> tensor<[1,168,1,1,f32]> tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1696,14,14,f32]> tensor<[1,1696,1,1,f32]> tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1696,7,7,f32]> tensor<[1,1696,1,1,f32]> tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,10,10,bf16]> tensor<[1,16,10,10,bf16]> tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,10,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,112,112,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,120,120,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,130,130,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,14,14,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,160,160,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,197,197,bf16]> tensor<[1,16,197,197,bf16]> tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,f32]> tensor<[1,1,1,f32]> tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,10,bf16]> tensor<[1,16,1,10,bf16]> tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,11,bf16]> tensor<[1,16,1,11,bf16]> tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,11,f32]> tensor<[1,1,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,12,bf16]> tensor<[1,16,1,12,bf16]> tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,12,f32]> tensor<[1,1,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,13,bf16]> tensor<[1,16,1,13,bf16]> tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,13,f32]> tensor<[1,1,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,14,bf16]> tensor<[1,16,1,14,bf16]> tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,14,f32]> tensor<[1,1,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,15,bf16]> tensor<[1,16,1,15,bf16]> tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,15,f32]> tensor<[1,1,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,16,bf16]> tensor<[1,16,1,16,bf16]> tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,16,f32]> tensor<[1,1,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,17,bf16]> tensor<[1,16,1,17,bf16]> tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,17,f32]> tensor<[1,1,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,18,bf16]> tensor<[1,16,1,18,bf16]> tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,18,f32]> tensor<[1,1,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,19,bf16]> tensor<[1,16,1,19,bf16]> tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,19,f32]> tensor<[1,1,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,1,bf16]> tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,20,bf16]> tensor<[1,16,1,20,bf16]> tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,20,f32]> tensor<[1,1,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,21,f32]> tensor<[1,1,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,22,f32]> tensor<[1,1,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,23,f32]> tensor<[1,1,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,24,f32]> tensor<[1,1,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,25,f32]> tensor<[1,1,1,25,f32]> tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,26,f32]> tensor<[1,1,1,26,f32]> tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,27,f32]> tensor<[1,1,1,27,f32]> tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,28,f32]> tensor<[1,1,1,28,f32]> tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,29,f32]> tensor<[1,1,1,29,f32]> tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,2,bf16]> tensor<[1,16,1,2,bf16]> tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,3,bf16]> tensor<[1,16,1,3,bf16]> tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,4,bf16]> tensor<[1,16,1,4,bf16]> tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,5,bf16]> tensor<[1,16,1,5,bf16]> tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,6,bf16]> tensor<[1,16,1,6,bf16]> tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,6,f32]> tensor<[1,1,1,6,f32]> tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,7,bf16]> tensor<[1,16,1,7,bf16]> tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,7,f32]> tensor<[1,1,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,8,bf16]> tensor<[1,16,1,8,bf16]> tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,8,f32]> tensor<[1,1,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,9,bf16]> tensor<[1,16,1,9,bf16]> tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,9,f32]> tensor<[1,1,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,224,224,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,256,256,f32]> tensor<[1,1,256,256,f32]> tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,28,28,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,32,32,bf16]> tensor<[1,1,32,32,bf16]> tensor<[1,16,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,56,56,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,5,5,f32]> tensor<[1,1,5,5,f32]> tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,6,6,f32]> tensor<[1,1,6,6,f32]> tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,768,bf16]> tensor<[1,16,768,bf16]> tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,768,f32]> tensor<[1,1,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,8,49,49,bf16]> tensor<[1,16,1,49,49,bf16]> tensor<[1,16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 784 + d1 * 49 + d2 * 49 + d3, d4), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,9,9,f32]> tensor<[1,1,9,9,f32]> tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1728,14,14,f32]> tensor<[1,1728,1,1,f32]> tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1728,7,7,f32]> tensor<[1,1728,1,1,f32]> tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1760,14,14,f32]> tensor<[1,1760,1,1,f32]> tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1760,7,7,f32]> tensor<[1,1760,1,1,f32]> tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1792,14,14,f32]> tensor<[1,1792,1,1,f32]> tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1792,7,7,f32]> tensor<[1,1792,1,1,f32]> tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1824,7,7,f32]> tensor<[1,1824,1,1,f32]> tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,14,14,f32]> tensor<[1,184,1,1,f32]> tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,20,20,f32]> tensor<[1,184,1,1,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,7,7,f32]> tensor<[1,184,1,1,f32]> tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1856,7,7,f32]> tensor<[1,1856,1,1,f32]> tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1856 + d1 + d2, d3), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1888,7,7,f32]> tensor<[1,1888,1,1,f32]> tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1888 + d1 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,14,14,f32]> tensor<[1,18,1,1,f32]> tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,28,28,f32]> tensor<[1,18,1,1,f32]> tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,56,56,f32]> tensor<[1,18,1,1,f32]> tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,56,56,bf16]> tensor<[1,18,56,56,bf16]> tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,7,7,f32]> tensor<[1,18,1,1,f32]> tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,1,f32]> tensor<[1,1,1,f32]> tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,64,bf16]> tensor<[1,19200,64,bf16]> tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,64,f32]> tensor<[1,1,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1920,16,16,f32]> tensor<[1,1920,1,1,f32]> tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1920,32,32,f32]> tensor<[1,1920,1,1,f32]> tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1920,7,7,f32]> tensor<[1,1920,1,1,f32]> tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,14,14,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,17,17,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,28,28,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,35,35,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,38,38,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,48,48,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,56,56,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,75,75,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,7,7,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,7,7,bf16]> tensor<[1,192,7,7,bf16]> tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,8,8,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,8,8,bf16]> tensor<[1,192,8,8,bf16]> tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,95,95,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,193,768,bf16]> tensor<[1,193,768,bf16]> tensor<[1,193,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,193,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,14,14,f32]> tensor<[1,196,1,1,f32]> tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,1,f32]> tensor<[1,1,1,f32]> tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,768,bf16]> tensor<[1,196,768,bf16]> tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,768,f32]> tensor<[1,1,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1024,bf16]> tensor<[1,197,1024,bf16]> tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1,f32]> tensor<[1,1,1,f32]> tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,768,bf16]> tensor<[1,197,768,bf16]> tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,768,f32]> tensor<[1,1,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,1,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,bf16]> tensor<[1,1,1,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,12,12,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,13,13,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1536,bf16]> tensor<[1,1,1536,bf16]> tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,16,32,f32]> tensor<[1,1,16,32,f32]> tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,224,224,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,224,224,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,224,224,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,3072,bf16]> tensor<[1,1,1,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,32,32,bf16]> tensor<[1,1,1,32,bf16]> tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,4096,bf16]> tensor<[1,1,1,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,45,45,bf16]> tensor<[1,1,1,45,bf16]> tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,512,bf16]> tensor<[1,1,512,bf16]> tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,5,5,bf16]> tensor<[1,1,1,5,bf16]> tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,bf16]> tensor<[1,1,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,7,64,bf16]> tensor<[1,1,7,64,bf16]> tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,7,7,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,14,14,f32]> tensor<[1,200,1,1,f32]> tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,20,20,f32]> tensor<[1,200,1,1,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,7,7,f32]> tensor<[1,200,1,1,f32]> tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,1,f32]> tensor<[1,1,1,f32]> tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,768,bf16]> tensor<[1,201,768,bf16]> tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,768,f32]> tensor<[1,1,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,10,10,f32]> tensor<[1,2048,1,1,f32]> tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,14,14,f32]> tensor<[1,2048,1,1,f32]> tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,f32]> tensor<[1,1,1,f32]> tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,23,40,bf16]> tensor<[1,2048,1,1,bf16]> tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,23,40,bf16]> tensor<[1,2048,23,40,bf16]> tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,768,f32]> tensor<[1,1,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,7,7,bf16]> tensor<[1,2048,7,7,bf16]> tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,7,7,f32]> tensor<[1,2048,1,1,f32]> tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,208,14,14,f32]> tensor<[1,208,1,1,f32]> tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,208,9,9,bf16]> tensor<[1,208,9,9,bf16]> tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,208,9,9,f32]> tensor<[1,208,1,1,f32]> tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,20,28,28,f32]> tensor<[1,20,1,1,f32]> tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,21843,f32]> tensor<[1,21843,f32]> tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,14,14,f32]> tensor<[1,224,1,1,f32]> tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,17,17,f32]> tensor<[1,224,1,1,f32]> tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,28,28,f32]> tensor<[1,224,1,1,f32]> tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,35,35,f32]> tensor<[1,224,1,1,f32]> tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,56,56,f32]> tensor<[1,224,1,1,f32]> tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,7,7,f32]> tensor<[1,224,1,1,f32]> tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,10,10,bf16]> tensor<[1,232,10,10,bf16]> tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,10,10,f32]> tensor<[1,232,1,1,f32]> tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,112,112,f32]> tensor<[1,232,1,1,f32]> tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,56,56,bf16]> tensor<[1,232,56,56,bf16]> tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,56,56,f32]> tensor<[1,232,1,1,f32]> tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,14,14,f32]> tensor<[1,240,1,1,f32]> tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,15,15,f32]> tensor<[1,240,1,1,f32]> tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,20,20,f32]> tensor<[1,240,1,1,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,28,28,f32]> tensor<[1,240,1,1,f32]> tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,30,30,f32]> tensor<[1,240,1,1,f32]> tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,40,40,f32]> tensor<[1,240,1,1,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,112,112,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,14,14,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,150,150,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,190,190,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,28,28,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,32,128,bf16]> tensor<[1,24,32,128,bf16]> tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,32,32,f32]> tensor<[1,1,32,32,f32]> tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,56,56,bf16]> tensor<[1,24,56,56,bf16]> tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,56,56,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,60,60,bf16]> tensor<[1,24,60,60,bf16]> tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,60,60,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,65,65,bf16]> tensor<[1,24,65,65,bf16]> tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,65,65,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,80,80,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2520,14,14,f32]> tensor<[1,2520,1,1,f32]> tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2520,7,7,bf16]> tensor<[1,2520,7,7,bf16]> tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2520,7,7,f32]> tensor<[1,2520,1,1,f32]> tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2560,16,16,f32]> tensor<[1,2560,1,1,f32]> tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2560,8,8,f32]> tensor<[1,2560,1,1,f32]> tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,f32]> tensor<[1,256,f32]> tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1024,bf16]> tensor<[1,256,1024,bf16]> tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,10,10,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1280,f32]> tensor<[1,1,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,128,128,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,14,14,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1536,f32]> tensor<[1,1,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,160,f32]> tensor<[1,1,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,16,16,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,17,17,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,180,320,bf16]> tensor<[1,256,180,320,bf16]> tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,180,320,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,256,bf16]> tensor<[1,256,256,bf16]> tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,256,f32]> tensor<[1,1,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,28,28,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,2,2,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,3072,f32]> tensor<[1,1,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,32,f32]> tensor<[1,1,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,32,32,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,38,38,bf16]> tensor<[1,256,38,38,bf16]> tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,38,38,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,3,3,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,45,80,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,512,bf16]> tensor<[1,256,512,bf16]> tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,512,f32]> tensor<[1,1,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,56,56,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,5,5,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,64,f32]> tensor<[1,1,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,64,64,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,75,75,bf16]> tensor<[1,256,75,75,bf16]> tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,75,75,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,7,7,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,8,8,f32]> tensor<[1,256,1,1,f32]> tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,90,160,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,1,f32]> tensor<[1,1,1,f32]> tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,768,bf16]> tensor<[1,257,768,bf16]> tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,768,f32]> tensor<[1,1,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,1,f32]> tensor<[1,1,1,f32]> tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,768,bf16]> tensor<[1,25,768,bf16]> tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,768,f32]> tensor<[1,1,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,272,12,12,bf16]> tensor<[1,272,12,12,bf16]> tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,272,12,12,f32]> tensor<[1,272,1,1,f32]> tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,272,7,7,f32]> tensor<[1,272,1,1,f32]> tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,27,1,f32]> tensor<[1,1,1,f32]> tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,27,768,f32]> tensor<[1,1,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,14,14,f32]> tensor<[1,288,1,1,f32]> tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,17,17,f32]> tensor<[1,288,1,1,f32]> tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,19,19,f32]> tensor<[1,288,1,1,f32]> tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,28,28,f32]> tensor<[1,288,1,1,f32]> tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,33,33,f32]> tensor<[1,288,1,1,f32]> tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,38,38,f32]> tensor<[1,288,1,1,f32]> tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,13,128,bf16]> tensor<[1,28,13,128,bf16]> tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,13,13,f32]> tensor<[1,1,13,13,f32]> tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1024,bf16]> tensor<[1,1,1,1024,bf16]> tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1,f32]> tensor<[1,1,1,1,f32]> tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,256,bf16]> tensor<[1,28,28,256,bf16]> tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,256,f32]> tensor<[1,1,1,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,28,f32]> tensor<[1,28,1,1,f32]> tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,512,f32]> tensor<[1,1,1,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,f32]> tensor<[1,2,f32]> tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,12,128,bf16]> tensor<[1,2,12,128,bf16]> tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,128,f32]> tensor<[1,1,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,1,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,320,f32]> tensor<[1,1,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,512,bf16]> tensor<[1,300,512,bf16]> tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,512,f32]> tensor<[1,1,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,64,f32]> tensor<[1,1,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,f32]> tensor<[1,3072,f32]> tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,16,f32]> tensor<[1,3072,16,f32]> tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3129,f32]> tensor<[1,3129,f32]> tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,14,14,f32]> tensor<[1,320,1,1,f32]> tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,17,17,f32]> tensor<[1,320,1,1,f32]> tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,28,28,f32]> tensor<[1,320,1,1,f32]> tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,32,32,f32]> tensor<[1,320,1,1,f32]> tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,f32]> tensor<[1,320,1,1,f32]> tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,7,7,f32]> tensor<[1,320,1,1,f32]> tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,8,8,f32]> tensor<[1,320,1,1,f32]> tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,112,112,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,120,120,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,120,160,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,128,128,bf16]> tensor<[1,32,128,128,bf16]> tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,128,128,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,130,130,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,147,147,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,149,149,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,14,14,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,150,150,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1536,f32]> tensor<[1,1,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1536,bf16]> tensor<[1,32,1536,bf16]> tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,190,190,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,f32]> tensor<[1,1,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,f32]> tensor<[1,1,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,256,256,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,28,28,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,3072,bf16]> tensor<[1,32,3072,bf16]> tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,30,40,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,32,128,bf16]> tensor<[1,32,32,128,bf16]> tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,32,32,f32]> tensor<[1,1,32,32,f32]> tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,4096,bf16]> tensor<[1,32,4096,bf16]> tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,49,49,bf16]> tensor<[1,32,49,49,bf16]> tensor<[1,32,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,512,512,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,56,56,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,60,80,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,6144,bf16]> tensor<[1,1,1,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,6144,bf16]> tensor<[1,1,1,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,75,75,bf16]> tensor<[1,32,75,75,bf16]> tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,75,75,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,7,7,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,95,95,bf16]> tensor<[1,32,95,95,bf16]> tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,95,95,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,334,14,14,f32]> tensor<[1,334,1,1,f32]> tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 334 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,112,112,f32]> tensor<[1,336,1,1,f32]> tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,14,14,f32]> tensor<[1,336,1,1,f32]> tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,24,24,f32]> tensor<[1,336,1,1,f32]> tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,48,48,f32]> tensor<[1,336,1,1,f32]> tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,56,56,bf16]> tensor<[1,336,56,56,bf16]> tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,56,56,f32]> tensor<[1,336,1,1,f32]> tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,34,28,28,f32]> tensor<[1,34,1,1,f32]> tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,14,14,f32]> tensor<[1,352,1,1,f32]> tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,28,28,f32]> tensor<[1,352,1,1,f32]> tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,9,9,f32]> tensor<[1,352,1,1,f32]> tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,12,144,144,f32]> tensor<[1,36,1,144,144,f32]> tensor<[1,36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 5184 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (162, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,14,14,f32]> tensor<[1,36,1,1,f32]> tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,24,144,144,f32]> tensor<[1,36,1,144,144,f32]> tensor<[1,36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 5184 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (162, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,28,28,bf16]> tensor<[1,36,28,28,bf16]> tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,28,28,f32]> tensor<[1,36,1,1,f32]> tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,56,56,f32]> tensor<[1,36,1,1,f32]> tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,7,7,f32]> tensor<[1,36,1,1,f32]> tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,14,14,f32]> tensor<[1,3712,1,1,f32]> tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,7,7,bf16]> tensor<[1,3712,7,7,bf16]> tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,7,7,f32]> tensor<[1,3712,1,1,f32]> tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,10,10,f32]> tensor<[1,384,1,1,f32]> tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,14,14,f32]> tensor<[1,384,1,1,f32]> tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,17,17,f32]> tensor<[1,384,1,1,f32]> tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,28,28,f32]> tensor<[1,384,1,1,f32]> tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,7,7,f32]> tensor<[1,384,1,1,f32]> tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,8,8,f32]> tensor<[1,384,1,1,f32]> tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3,f32]> tensor<[1,3,f32]> tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,f32]> tensor<[1,4096,f32]> tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1536,f32]> tensor<[1,1,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,1,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,256,bf16]> tensor<[1,1,256,bf16]> tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,320,bf16]> tensor<[1,4096,320,bf16]> tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,320,f32]> tensor<[1,1,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,384,f32]> tensor<[1,1,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,64,bf16]> tensor<[1,4096,64,bf16]> tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,64,f32]> tensor<[1,1,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,768,f32]> tensor<[1,1,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,14,14,f32]> tensor<[1,40,1,1,f32]> tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,28,28,bf16]> tensor<[1,40,28,28,bf16]> tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,28,28,f32]> tensor<[1,40,1,1,f32]> tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,30,30,bf16]> tensor<[1,40,30,30,bf16]> tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,30,30,f32]> tensor<[1,40,1,1,f32]> tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,40,40,f32]> tensor<[1,40,1,1,f32]> tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,56,56,f32]> tensor<[1,40,1,1,f32]> tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,416,14,14,f32]> tensor<[1,416,1,1,f32]> tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,416,28,28,f32]> tensor<[1,416,1,1,f32]> tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,12,12,f32]> tensor<[1,448,1,1,f32]> tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,14,14,f32]> tensor<[1,448,1,1,f32]> tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,28,28,f32]> tensor<[1,448,1,1,f32]> tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,8,8,f32]> tensor<[1,448,1,1,f32]> tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,1,f32]> tensor<[1,1,1,f32]> tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,3072,bf16]> tensor<[1,1,1,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,768,bf16]> tensor<[1,45,768,bf16]> tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,768,f32]> tensor<[1,1,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,462,7,7,f32]> tensor<[1,462,1,1,f32]> tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 462 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,46,28,28,f32]> tensor<[1,46,1,1,f32]> tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,128,f32]> tensor<[1,1,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,128,bf16]> tensor<[1,4800,128,bf16]> tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,1,f32]> tensor<[1,1,1,f32]> tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,10,10,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,480,14,14,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,15,15,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,20,20,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,28,28,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,7,7,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,484,6,144,144,f32]> tensor<[1,484,1,144,144,f32]> tensor<[1,484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 69696 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (2178, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,14,14,f32]> tensor<[1,48,1,1,f32]> tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,33,33,bf16]> tensor<[1,48,33,33,bf16]> tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,33,33,f32]> tensor<[1,48,1,1,f32]> tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,38,38,bf16]> tensor<[1,48,38,38,bf16]> tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,38,38,f32]> tensor<[1,48,1,1,f32]> tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,56,56,f32]> tensor<[1,48,1,1,f32]> tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,7,7,f32]> tensor<[1,48,1,1,f32]> tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4,13,128,bf16]> tensor<[1,4,13,128,bf16]> tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4,16,49,49,bf16]> tensor<[1,4,1,49,49,bf16]> tensor<[1,4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 196 + d1 * 49 + d2 * 49 + d3, d4), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4,48,144,144,f32]> tensor<[1,4,1,144,144,f32]> tensor<[1,4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 576 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (18, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,50,1,f32]> tensor<[1,1,1,f32]> tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,50,768,bf16]> tensor<[1,50,768,bf16]> tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,50,768,f32]> tensor<[1,1,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,51200,f32]> tensor<[1,51200,f32]> tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,14,14,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,16,16,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,23,40,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,28,28,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,32,32,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,45,80,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,56,56,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,5,5,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,7,7,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,8,8,f32]> tensor<[1,512,1,1,f32]> tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,90,160,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,90,160,bf16]> tensor<[1,512,90,160,bf16]> tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,528,17,17,f32]> tensor<[1,528,1,1,f32]> tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,544,14,14,f32]> tensor<[1,544,1,1,f32]> tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 544 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,14,14,f32]> tensor<[1,56,1,1,f32]> tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,48,48,bf16]> tensor<[1,56,48,48,bf16]> tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,48,48,f32]> tensor<[1,56,1,1,f32]> tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,128,f32]> tensor<[1,1,1,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,128,bf16]> tensor<[1,56,56,128,bf16]> tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,1,f32]> tensor<[1,1,1,1,f32]> tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,512,bf16]> tensor<[1,1,1,512,bf16]> tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,14,14,f32]> tensor<[1,576,1,1,f32]> tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,19,19,f32]> tensor<[1,576,1,1,f32]> tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,7,7,f32]> tensor<[1,576,1,1,f32]> tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,58,28,28,f32]> tensor<[1,58,1,1,f32]> tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1024,bf16]> tensor<[1,5,1024,bf16]> tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,16,32,f32]> tensor<[1,5,16,32,f32]> tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1,f32]> tensor<[1,1,1,f32]> tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,4096,bf16]> tensor<[1,1,1,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,608,14,14,f32]> tensor<[1,608,1,1,f32]> tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 608 + d1 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,60,28,28,f32]> tensor<[1,60,1,1,f32]> tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,14,14,f32]> tensor<[1,640,1,1,f32]> tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,16,16,f32]> tensor<[1,640,1,1,f32]> tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,64,64,f32]> tensor<[1,640,1,1,f32]> tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,f32]> tensor<[1,64,f32]> tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,112,112,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,120,160,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1280,f32]> tensor<[1,1,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1280,bf16]> tensor<[1,64,1280,bf16]> tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,128,128,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,147,147,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,14,14,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,150,150,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,160,160,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,180,320,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,f32]> tensor<[1,1,1,f32]> tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,224,224,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,256,256,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,28,28,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,2,2,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,30,40,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,35,35,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,360,640,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,4,49,49,bf16]> tensor<[1,64,1,49,49,bf16]> tensor<[1,64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 49 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,56,56,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,60,80,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,64,64,bf16]> tensor<[1,64,64,64,bf16]> tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,64,64,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,73,73,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,80,80,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,9,9,f32]> tensor<[1,1,9,9,f32]> tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,65536,192,f32]> tensor<[1,1,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,65536,1,f32]> tensor<[1,1,1,f32]> tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,10,10,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,14,14,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,15,15,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,20,20,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,24,24,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,28,28,bf16]> tensor<[1,672,28,28,bf16]> tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,28,28,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,56,56,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,7,7,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,8,8,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,68,14,14,f32]> tensor<[1,68,1,1,f32]> tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,68,56,56,f32]> tensor<[1,68,1,1,f32]> tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,28,28,bf16]> tensor<[1,696,28,28,bf16]> tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,28,28,f32]> tensor<[1,696,1,1,f32]> tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,56,56,f32]> tensor<[1,696,1,1,f32]> tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,ui32]> tensor<[1,6,ui32]> tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1024,bf16]> tensor<[1,6,1024,bf16]> tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,15,15,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,15,15,bf16]> tensor<[1,6,15,15,bf16]> tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,f32]> tensor<[1,1,1,f32]> tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,10,bf16]> tensor<[1,6,1,10,bf16]> tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,11,bf16]> tensor<[1,6,1,11,bf16]> tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,12,bf16]> tensor<[1,6,1,12,bf16]> tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,13,bf16]> tensor<[1,6,1,13,bf16]> tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,14,bf16]> tensor<[1,6,1,14,bf16]> tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,15,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,15,bf16]> tensor<[1,6,1,15,bf16]> tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,16,bf16]> tensor<[1,6,1,16,bf16]> tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,17,bf16]> tensor<[1,6,1,17,bf16]> tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,18,bf16]> tensor<[1,6,1,18,bf16]> tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,19,bf16]> tensor<[1,6,1,19,bf16]> tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,1,bf16]> tensor<[1,6,1,1,bf16]> tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,20,bf16]> tensor<[1,6,1,20,bf16]> tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,2,bf16]> tensor<[1,6,1,2,bf16]> tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,3,bf16]> tensor<[1,6,1,3,bf16]> tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,4,bf16]> tensor<[1,6,1,4,bf16]> tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,5,bf16]> tensor<[1,6,1,5,bf16]> tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,6,bf16]> tensor<[1,6,1,6,bf16]> tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,7,bf16]> tensor<[1,6,1,7,bf16]> tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,8,bf16]> tensor<[1,6,1,8,bf16]> tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,9,bf16]> tensor<[1,6,1,9,bf16]> tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,704,14,14,f32]> tensor<[1,704,1,1,f32]> tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 704 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,71,7,64,bf16]> tensor<[1,71,7,64,bf16]> tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,71,7,7,f32]> tensor<[1,1,7,7,f32]> tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,720,17,17,f32]> tensor<[1,720,1,1,f32]> tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,720,9,9,f32]> tensor<[1,720,1,1,f32]> tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,19,19,bf16]> tensor<[1,728,19,19,bf16]> tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,19,19,f32]> tensor<[1,728,1,1,f32]> tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,38,38,bf16]> tensor<[1,728,38,38,bf16]> tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,38,38,f32]> tensor<[1,728,1,1,f32]> tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,14,14,bf16]> tensor<[1,72,14,14,bf16]> tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,14,14,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,28,28,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,40,40,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,56,56,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,7,7,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,80,80,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,736,14,14,f32]> tensor<[1,736,1,1,f32]> tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,14,14,f32]> tensor<[1,768,1,1,f32]> tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,384,bf16]> tensor<[1,1,384,bf16]> tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,8,bf16]> tensor<[1,768,8,bf16]> tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,784,f32]> tensor<[1,784,f32]> tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,78,28,28,f32]> tensor<[1,78,1,1,f32]> tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,1,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,3072,bf16]> tensor<[1,1,1,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,4544,bf16]> tensor<[1,7,4544,bf16]> tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,4544,f32]> tensor<[1,1,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,768,bf16]> tensor<[1,7,768,bf16]> tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,768,f32]> tensor<[1,1,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1024,f32]> tensor<[1,1,1,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1024,bf16]> tensor<[1,7,7,1024,bf16]> tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1,f32]> tensor<[1,1,1,1,f32]> tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,2048,f32]> tensor<[1,1,1,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,4096,bf16]> tensor<[1,1,1,4096,bf16]> tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,800,14,14,f32]> tensor<[1,800,1,1,f32]> tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,10,10,f32]> tensor<[1,80,1,1,f32]> tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,14,14,bf16]> tensor<[1,80,14,14,bf16]> tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,14,14,f32]> tensor<[1,80,1,1,f32]> tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,15,15,bf16]> tensor<[1,80,15,15,bf16]> tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,15,15,f32]> tensor<[1,80,1,1,f32]> tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,20,20,f32]> tensor<[1,80,1,1,f32]> tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,7,7,f32]> tensor<[1,80,1,1,f32]> tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,816,10,10,f32]> tensor<[1,816,1,1,f32]> tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,816,19,19,f32]> tensor<[1,816,1,1,f32]> tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,832,14,14,f32]> tensor<[1,832,1,1,f32]> tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,864,14,14,f32]> tensor<[1,864,1,1,f32]> tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 + d2, d3), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,88,17,17,bf16]> tensor<[1,88,17,17,bf16]> tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,88,17,17,f32]> tensor<[1,88,1,1,f32]> tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,896,14,14,f32]> tensor<[1,896,1,1,f32]> tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,896,7,7,f32]> tensor<[1,896,1,1,f32]> tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,10,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,10,10,bf16]> tensor<[1,8,10,10,bf16]> tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,112,112,f32]> tensor<[1,8,1,1,f32]> tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,f32]> tensor<[1,1,1,f32]> tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,f32]> tensor<[1,1,1,f32]> tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,10,bf16]> tensor<[1,8,1,10,bf16]> tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,11,bf16]> tensor<[1,8,1,11,bf16]> tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,12,bf16]> tensor<[1,8,1,12,bf16]> tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,13,bf16]> tensor<[1,8,1,13,bf16]> tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,14,bf16]> tensor<[1,8,1,14,bf16]> tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,15,bf16]> tensor<[1,8,1,15,bf16]> tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,16,bf16]> tensor<[1,8,1,16,bf16]> tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,17,bf16]> tensor<[1,8,1,17,bf16]> tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,18,bf16]> tensor<[1,8,1,18,bf16]> tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,19,bf16]> tensor<[1,8,1,19,bf16]> tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,bf16]> tensor<[1,8,1,1,bf16]> tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,20,bf16]> tensor<[1,8,1,20,bf16]> tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,2,bf16]> tensor<[1,8,1,2,bf16]> tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,3,bf16]> tensor<[1,8,1,3,bf16]> tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,4,bf16]> tensor<[1,8,1,4,bf16]> tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,5,bf16]> tensor<[1,8,1,5,bf16]> tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,6,bf16]> tensor<[1,8,1,6,bf16]> tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,7,bf16]> tensor<[1,8,1,7,bf16]> tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,8,bf16]> tensor<[1,8,1,8,bf16]> tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,9,bf16]> tensor<[1,8,1,9,bf16]> tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,256,2048,bf16]> tensor<[1,1,1,2048,bf16]> tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,32,128,bf16]> tensor<[1,8,32,128,bf16]> tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,768,bf16]> tensor<[1,8,768,bf16]> tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,768,f32]> tensor<[1,1,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,928,14,14,f32]> tensor<[1,928,1,1,f32]> tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,928,7,7,f32]> tensor<[1,928,1,1,f32]> tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,92,14,14,f32]> tensor<[1,92,1,1,f32]> tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 92 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,12,12,f32]> tensor<[1,960,1,1,f32]> tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,14,14,f32]> tensor<[1,960,1,1,f32]> tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,24,24,f32]> tensor<[1,960,1,1,f32]> tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,32,32,f32]> tensor<[1,960,1,1,f32]> tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,3,3,f32]> tensor<[1,960,1,1,f32]> tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,64,64,f32]> tensor<[1,960,1,1,f32]> tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,7,7,f32]> tensor<[1,960,1,1,f32]> tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,112,112,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,120,120,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,130,130,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,14,14,bf16]> tensor<[1,96,14,14,bf16]> tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,14,14,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,19,19,bf16]> tensor<[1,96,19,19,bf16]> tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,19,19,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,28,28,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,35,35,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,56,56,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,60,60,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,65,65,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,71,71,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,73,73,f32]> tensor<[1,96,1,1,f32]> tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,98,28,28,f32]> tensor<[1,98,1,1,f32]> tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,992,14,14,f32]> tensor<[1,992,1,1,f32]> tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,992,7,7,f32]> tensor<[1,992,1,1,f32]> tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1024,bf16]> tensor<[1,9,1024,bf16]> tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,128,bf16]> tensor<[1,1,1,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,128,f32]> tensor<[1,1,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,16384,bf16]> tensor<[1,1,1,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,2048,bf16]> tensor<[1,9,2048,bf16]> tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,2048,f32]> tensor<[1,1,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,24,144,144,f32]> tensor<[1,9,1,144,144,f32]> tensor<[1,9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1296 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (41, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,3072,bf16]> tensor<[1,1,1,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,4096,bf16]> tensor<[1,1,1,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,4096,f32]> tensor<[1,1,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,48,144,144,f32]> tensor<[1,9,1,144,144,f32]> tensor<[1,9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1296 + d1 * 144 + d2 * 144 + d3, d4), memory_config: (41, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,768,bf16]> tensor<[1,9,768,bf16]> tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,768,f32]> tensor<[1,1,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,8192,bf16]> tensor<[1,1,1,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[201,3072,f32]> tensor<[1,3072,f32]> tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[201,768,f32]> tensor<[1,768,f32]> tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2048,1280,f32]> tensor<[1,1280,f32]> tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2048,256,f32]> tensor<[1,256,f32]> tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2048,262,bf16]> tensor<[1,262,bf16]> tensor<[2048,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[2048,768,f32]> tensor<[1,768,f32]> tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,10240,f32]> tensor<[1,10240,f32]> tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,1024,f32]> tensor<[1,1024,f32]> tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,1280,f32]> tensor<[1,1280,f32]> tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,1536,f32]> tensor<[1,1536,f32]> tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,160,f32]> tensor<[1,160,f32]> tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,256,f32]> tensor<[1,256,f32]> tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,2,f32]> tensor<[1,2,f32]> tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,32,f32]> tensor<[1,32,f32]> tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,4096,f32]> tensor<[1,4096,f32]> tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,512,f32]> tensor<[1,512,f32]> tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,6144,f32]> tensor<[1,6144,f32]> tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,64,f32]> tensor<[1,64,f32]> tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[256,768,f32]> tensor<[1,768,f32]> tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[257,2304,f32]> tensor<[1,2304,f32]> tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[257,3072,f32]> tensor<[1,3072,f32]> tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[257,768,f32]> tensor<[1,768,f32]> tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[25,2,f32]> tensor<[1,2,f32]> tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[25,3072,f32]> tensor<[1,3072,f32]> tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[25,768,f32]> tensor<[1,768,f32]> tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[27,30522,f32]> tensor<[1,30522,f32]> tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[27,38,f32]> tensor<[1,38,f32]> tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[27,50257,f32]> tensor<[1,50257,f32]> tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,128,1,f32]> tensor<[2,128,1,f32]> tensor<[2,128,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,128,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,13,1,f32]> tensor<[1,1,1,f32]> tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[2,7,1,f32]> tensor<[1,1,1,f32]> tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,7,512,bf16]> tensor<[1,7,512,bf16]> tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[2,7,512,bf16]> tensor<[2,7,512,bf16]> tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[2,7,512,f32]> tensor<[1,1,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,8,7,7,f32]> tensor<[2,1,7,7,f32]> tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[300,128,f32]> tensor<[1,128,f32]> tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[300,2048,f32]> tensor<[1,2048,f32]> tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[300,320,f32]> tensor<[1,320,f32]> tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[300,512,f32]> tensor<[1,512,f32]> tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[300,64,f32]> tensor<[1,64,f32]> tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[3136,128,f32]> tensor<[1,128,f32]> tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[3136,384,f32]> tensor<[1,384,f32]> tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[3234,f32]> tensor<[3234,f32]> tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[3234,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[32,1536,f32]> tensor<[1,1536,f32]> tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[32,4608,f32]> tensor<[1,4608,f32]> tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[32,6144,f32]> tensor<[1,6144,f32]> tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[36,12,144,144,f32]> tensor<[1,12,144,144,f32]> tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (54, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[36,24,144,144,f32]> tensor<[1,24,144,144,f32]> tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (108, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,1536,f32]> tensor<[1,1536,f32]> tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,2560,f32]> tensor<[1,2560,f32]> tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 80, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,256,f32]> tensor<[1,256,f32]> tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,3072,f32]> tensor<[1,3072,f32]> tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,320,f32]> tensor<[1,320,f32]> tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,384,f32]> tensor<[1,384,f32]> tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,64,f32]> tensor<[1,64,f32]> tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4096,768,f32]> tensor<[1,768,f32]> tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[45,3072,f32]> tensor<[1,3072,f32]> tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[45,768,f32]> tensor<[1,768,f32]> tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4800,128,f32]> tensor<[1,128,f32]> tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4800,512,f32]> tensor<[1,512,f32]> tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[484,6,144,144,f32]> tensor<[1,6,144,144,f32]> tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (27, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[49,1024,f32]> tensor<[1,1024,f32]> tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[49,3072,f32]> tensor<[1,3072,f32]> tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,16,1,13,f32]> tensor<[4,1,1,13,f32]> tensor<[4,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,16,49,49,bf16]> tensor<[1,16,49,49,bf16]> tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,1,f32]> tensor<[1,1,1,f32]> tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,48,144,144,f32]> tensor<[1,48,144,144,f32]> tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (216, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[50,3072,f32]> tensor<[1,3072,f32]> tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[50,768,f32]> tensor<[1,768,f32]> tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5184,1152,f32]> tensor<[1,1152,f32]> tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5184,2304,f32]> tensor<[1,2304,f32]> tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5184,384,f32]> tensor<[1,384,f32]> tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5184,768,f32]> tensor<[1,768,f32]> tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[52,1024,f32]> tensor<[1,1024,f32]> tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[576,1536,f32]> tensor<[1,1536,f32]> tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[576,4608,f32]> tensor<[1,4608,f32]> tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,1024,f32]> tensor<[1,1024,f32]> tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,4096,f32]> tensor<[1,4096,f32]> tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,51200,f32]> tensor<[1,51200,f32]> tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[64,10240,f32]> tensor<[1,10240,f32]> tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[64,1280,f32]> tensor<[1,1280,f32]> tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[64,4,49,49,bf16]> tensor<[1,4,49,49,bf16]> tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[65536,192,f32]> tensor<[1,192,f32]> tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[65536,768,f32]> tensor<[1,768,f32]> tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[69696,192,f32]> tensor<[1,192,f32]> tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[69696,576,f32]> tensor<[1,576,f32]> tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[6,ui32]> tensor<[6,ui32]> tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[6,1024,f32]> tensor<[1,1024,f32]> tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[6,1024,bf16]> tensor<[6,1024,bf16]> tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[6,1,100,256,bf16]> tensor<[1,1,1,256,bf16]> tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[6,1,100,4,bf16]> tensor<[1,1,1,4,bf16]> tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[6,1,100,92,bf16]> tensor<[1,1,1,92,bf16]> tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[6,4096,f32]> tensor<[1,4096,f32]> tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[768,196,f32]> tensor<[1,196,f32]> tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[784,256,f32]> tensor<[1,256,f32]> tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[784,768,f32]> tensor<[1,768,f32]> tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[7,2304,f32]> tensor<[1,2304,f32]> tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[7,3072,f32]> tensor<[1,3072,f32]> tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[7,768,f32]> tensor<[1,768,f32]> tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[8,2048,f32]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[920,1,1,f32]> tensor<[1,1,1,f32]> tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[920,1,256,bf16]> tensor<[1,1,256,bf16]> tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[920,1,256,bf16]> tensor<[920,1,256,bf16]> tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[920,2048,f32]> tensor<[1,2048,f32]> tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[920,256,f32]> tensor<[1,256,f32]> tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,1024,f32]> tensor<[1,1024,f32]> tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,128,f32]> tensor<[1,128,f32]> tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,16384,f32]> tensor<[1,16384,f32]> tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,2048,f32]> tensor<[1,2048,f32]> tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,24,144,144,f32]> tensor<[1,24,144,144,f32]> tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (108, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,30000,f32]> tensor<[1,30000,f32]> tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,3072,f32]> tensor<[1,3072,f32]> tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,4096,f32]> tensor<[1,4096,f32]> tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,48,144,144,f32]> tensor<[1,48,144,144,f32]> tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (216, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,768,f32]> tensor<[1,768,f32]> tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,8192,f32]> tensor<[1,8192,f32]> tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,ui32]> tensor<[1,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[2,128,1,f32]> tensor<[2,128,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,128,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[11,ui32]> tensor<[11,ui32]> tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[12,ui32]> tensor<[12,ui32]> tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[13,ui32]> tensor<[13,ui32]> tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[14,ui32]> tensor<[14,ui32]> tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[15,ui32]> tensor<[15,ui32]> tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[16,ui32]> tensor<[16,ui32]> tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[17,ui32]> tensor<[17,ui32]> tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[18,ui32]> tensor<[18,ui32]> tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[19,ui32]> tensor<[19,ui32]> tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[20,ui32]> tensor<[20,ui32]> tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[21,ui32]> tensor<[21,ui32]> tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[22,ui32]> tensor<[22,ui32]> tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[23,ui32]> tensor<[23,ui32]> tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[24,ui32]> tensor<[24,ui32]> tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[25,ui32]> tensor<[25,ui32]> tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[26,ui32]> tensor<[26,ui32]> tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[27,ui32]> tensor<[27,ui32]> tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[28,ui32]> tensor<[28,ui32]> tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[29,ui32]> tensor<[29,ui32]> tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[32,ui32]> tensor<[32,ui32]> tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,ui32]> tensor<[5,ui32]> tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[6,ui32]> tensor<[6,ui32]> tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[7,ui32]> tensor<[7,ui32]> tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[8,ui32]> tensor<[8,ui32]> tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[9,ui32]> tensor<[9,ui32]> tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[32,ui32]> tensor<[32,ui32]> tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[8,100,920,bf16]> tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[8,100,920,bf16]> tensor<[8,1,920,bf16]> tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[8,920,920,bf16]> tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[8,920,920,bf16]> tensor<[8,1,920,bf16]> tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,16,16,bf16]> tensor<[1,1024,1,1,bf16]> tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,255,16,16,bf16]> tensor<[1,255,1,1,bf16]> tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,bf16]> tensor<[1,1024,1,1,bf16]> tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,512,bf16]> tensor<[1,256,1,bf16]> tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,7,7,bf16]> tensor<[1,2048,1,1,bf16]> tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,30,40,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,32,32,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,112,112,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,120,160,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,128,128,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,546,1,1,f32]> tensor<[1,546,1,1,f32]> tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,28,28,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,28,28,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,28,28,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19,28,28,bf16]> tensor<[1,19,1,1,bf16]> tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,38,28,28,bf16]> tensor<[1,38,1,1,bf16]> tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,28,28,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,30,40,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,56,56,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,28,28,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,15,20,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 15 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 15 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 15 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,30,40,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,60,80,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,60,80,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,255,64,64,bf16]> tensor<[1,255,1,1,bf16]> tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,174,1,1,bf16]> tensor<[1,174,1,1,bf16]> tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,348,1,1,bf16]> tensor<[1,348,1,1,bf16]> tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,16,16,bf16]> tensor<[1,160,1,1,bf16]> tensor<[1,160,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 16 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 16 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 16 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,16,16,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4,14,14,bf16]> tensor<[1,4,1,1,bf16]> tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,28,28,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,28,28,bf16]> tensor<[1,16,1,1,bf16]> tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,26,26,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,15,20,bf16]> tensor<[1,2048,1,1,bf16]> tensor<[1,2048,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,23,40,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5888 + d1 * 23 + d2, d3), memory_config: (184, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5888 + d1 * 23 + d2, d3), memory_config: (184, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5888 + d1 * 23 + d2, d3), memory_config: (184, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,58,1,1,bf16]> tensor<[1,58,1,1,bf16]> tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,bf16]> tensor<[1,8,1,1,bf16]> tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,120,160,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,150,128,128,bf16]> tensor<[1,150,1,1,bf16]> tensor<[1,150,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 128 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 150 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 128 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,150,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 128 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,28,28,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,14,14,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,2,2,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 2 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 2 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 2 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,546,2,2,f32]> tensor<[1,546,1,1,f32]> tensor<[1,546,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 2 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 2 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,546,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 2 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,255,32,32,bf16]> tensor<[1,255,1,1,bf16]> tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,3,3,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,546,3,3,f32]> tensor<[1,546,1,1,f32]> tensor<[1,546,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1638 + d1 * 3 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1638 + d1 * 3 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,546,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1638 + d1 * 3 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,512,bf16]> tensor<[1,1024,1,bf16]> tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,56,56,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,255,64,64,bf16]> tensor<[1,255,1,1,bf16]> tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,64,64,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,13,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,14,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,15,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,16,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,17,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,18,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,9,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,10,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,11,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,8,bf16]> tensor<[1,768,1,bf16]> tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,12,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,15,20,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 15 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 15 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 15 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,15,20,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,30,40,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,32,32,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4,64,64,bf16]> tensor<[1,4,1,1,bf16]> tensor<[1,4,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 64 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 64 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 64 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,120,160,bf16]> tensor<[1,2,1,1,bf16]> tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,16,16,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,64,64,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,256,256,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,24,24,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,30,40,bf16]> tensor<[1,2,1,1,bf16]> tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,60,80,bf16]> tensor<[1,2,1,1,bf16]> tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,1,1,bf16]> tensor<[1,3712,1,1,bf16]> tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,348,1,1,bf16]> tensor<[1,348,1,1,bf16]> tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,256,256,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,14,14,bf16]> tensor<[1,1024,1,1,bf16]> tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,56,56,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,224,224,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,14,14,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,8,32,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,12,16,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,12,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 12 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 12 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,12,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 12 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,120,160,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,128,128,f32]> tensor<[1,192,1,1,f32]> tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,128,128,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,32,42,bf16]> tensor<[1,192,1,1,bf16]> tensor<[1,192,32,42,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 32 + d2, d3), memory_config: (192, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 32 + d2, d3), memory_config: (192, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,32,42,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 32 + d2, d3), memory_config: (192, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,37,37,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,37,37,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47360 + d1 * 37 + d2, d3), memory_config: (1480, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47360 + d1 * 37 + d2, d3), memory_config: (1480, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,37,37,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47360 + d1 * 37 + d2, d3), memory_config: (1480, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,10,10,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 10 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 10 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 10 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,546,10,10,f32]> tensor<[1,546,1,1,f32]> tensor<[1,546,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5460 + d1 * 10 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5460 + d1 * 10 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,546,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5460 + d1 * 10 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,7,7,bf16]> tensor<[1,1024,1,1,bf16]> tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,14,14,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,15,20,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,255,16,16,bf16]> tensor<[1,255,1,1,bf16]> tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1000,1,1,bf16]> tensor<[1,1000,1,1,bf16]> tensor<[1,1000,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1000,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,28,28,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19,28,28,bf16]> tensor<[1,19,1,1,bf16]> tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,38,28,28,bf16]> tensor<[1,38,1,1,bf16]> tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,28,28,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,255,32,32,bf16]> tensor<[1,255,1,1,bf16]> tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,5,5,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 5 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 5 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 5 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,546,5,5,f32]> tensor<[1,546,1,1,f32]> tensor<[1,546,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2730 + d1 * 5 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2730 + d1 * 5 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,546,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2730 + d1 * 5 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,60,80,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,16,16,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,64,64,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,112,112,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,60,80,bf16]> tensor<[1,128,1,1,bf16]> tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,120,160,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,15,20,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,224,224,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,224,224,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,30,40,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,480,640,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,480,640,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,60,80,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,32,32,bf16]> tensor<[1,160,1,1,bf16]> tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,16,16,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,64,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 16 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 16 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 16 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,168,1,1,bf16]> tensor<[1,168,1,1,bf16]> tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,20,20,f32]> tensor<[1,24,1,1,f32]> tensor<[1,24,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 20 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 20 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 20 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,546,20,20,f32]> tensor<[1,546,1,1,f32]> tensor<[1,546,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10920 + d1 * 20 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10920 + d1 * 20 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,546,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10920 + d1 * 20 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,174,1,1,bf16]> tensor<[1,174,1,1,bf16]> tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,58,1,1,bf16]> tensor<[1,58,1,1,bf16]> tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,20,1,1,bf16]> tensor<[1,20,1,1,bf16]> tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,bf16]> tensor<[1,24,1,1,bf16]> tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1500,bf16]> tensor<[1,768,1,bf16]> tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,8,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,8,bf16]> tensor<[1,768,1,bf16]> tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,8,bf16]> tensor<[1,768,1,bf16]> tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,3000,bf16]> tensor<[1,768,1,bf16]> tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,bf16]> tensor<[1,240,1,1,bf16]> tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,32,32,bf16]> tensor<[1,640,1,1,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,64,64,bf16]> tensor<[1,320,1,1,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,16,16,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,12,197,197,bf16]> tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,12,201,201,bf16]> tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,12,8,8,bf16]> tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,16,197,197,bf16]> tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,16384,256,bf16]> tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,19200,300,bf16]> tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,2,4096,256,bf16]> tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,2,4800,300,bf16]> tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,4096,320,bf16]> tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,5,1024,256,bf16]> tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,5,1200,300,bf16]> tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,64,1280,bf16]> tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,8,2048,256,bf16]> tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,8,256,2048,bf16]> tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,8,256,256,bf16]> tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,8,300,300,bf16]> tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[2,1,bf16]> tensor<[2,512,bf16]> tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[3,1,1,f32]> tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,13,13,bf16]> tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,32,32,bf16]> tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,45,45,bf16]> tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,5,5,bf16]> tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,10,ui32]> tensor<[1,1,10,10,ui32]> tensor<[1,1,10,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,10,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,12,ui32]> tensor<[1,1,12,12,ui32]> tensor<[1,1,12,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,12,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,14,ui32]> tensor<[1,1,14,14,ui32]> tensor<[1,1,14,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,14,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,16,ui32]> tensor<[1,1,16,16,ui32]> tensor<[1,1,16,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,16,1,f32]> tensor<[1,1,1,16,2,f32]> tensor<[1,1,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,256,ui32]> tensor<[1,1,256,256,ui32]> tensor<[1,1,256,256,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,256,256,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,25,ui32]> tensor<[1,1,25,25,ui32]> tensor<[1,1,25,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,25,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,6,ui32]> tensor<[1,1,6,6,ui32]> tensor<[1,1,6,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,6,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,7,ui32]> tensor<[1,1,7,7,ui32]> tensor<[1,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,9,ui32]> tensor<[1,1,9,9,ui32]> tensor<[1,1,9,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,9,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,64,7,f32]> tensor<[1,71,64,7,f32]> tensor<[1,71,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4544 + d1 * 64 + d2, d3), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4544 + d1 * 64 + d2, d3), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4544 + d1 * 64 + d2, d3), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,7,64,f32]> tensor<[1,71,7,64,f32]> tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,12,128,bf16]> tensor<[1,2,6,12,128,bf16]> tensor<[1,2,6,12,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 12 + d2 * 12 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 144 + d1 * 72 + d2 * 12 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 144 + d1 * 72 + d2 * 12 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,12,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 144 + d1 * 72 + d2 * 12 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,13,128,bf16]> tensor<[1,2,6,13,128,bf16]> tensor<[1,2,6,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 26 + d1 * 13 + d2 * 13 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 156 + d1 * 78 + d2 * 13 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 156 + d1 * 78 + d2 * 13 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 156 + d1 * 78 + d2 * 13 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,14,128,bf16]> tensor<[1,2,6,14,128,bf16]> tensor<[1,2,6,14,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 28 + d1 * 14 + d2 * 14 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 168 + d1 * 84 + d2 * 14 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 168 + d1 * 84 + d2 * 14 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,14,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 168 + d1 * 84 + d2 * 14 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,15,128,bf16]> tensor<[1,2,6,15,128,bf16]> tensor<[1,2,6,15,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 30 + d1 * 15 + d2 * 15 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 180 + d1 * 90 + d2 * 15 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 180 + d1 * 90 + d2 * 15 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,15,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 180 + d1 * 90 + d2 * 15 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,16,128,bf16]> tensor<[1,2,6,16,128,bf16]> tensor<[1,2,6,16,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 32 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 192 + d1 * 96 + d2 * 16 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 192 + d1 * 96 + d2 * 16 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,16,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 192 + d1 * 96 + d2 * 16 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,17,128,bf16]> tensor<[1,2,6,17,128,bf16]> tensor<[1,2,6,17,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 34 + d1 * 17 + d2 * 17 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 204 + d1 * 102 + d2 * 17 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 204 + d1 * 102 + d2 * 17 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,17,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 204 + d1 * 102 + d2 * 17 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,18,128,bf16]> tensor<[1,2,6,18,128,bf16]> tensor<[1,2,6,18,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 36 + d1 * 18 + d2 * 18 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 216 + d1 * 108 + d2 * 18 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 216 + d1 * 108 + d2 * 18 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,18,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 216 + d1 * 108 + d2 * 18 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,19,128,bf16]> tensor<[1,2,6,19,128,bf16]> tensor<[1,2,6,19,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 38 + d1 * 19 + d2 * 19 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 228 + d1 * 114 + d2 * 19 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 228 + d1 * 114 + d2 * 19 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,19,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 228 + d1 * 114 + d2 * 19 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,20,128,bf16]> tensor<[1,2,6,20,128,bf16]> tensor<[1,2,6,20,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 40 + d1 * 20 + d2 * 20 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 120 + d2 * 20 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 120 + d2 * 20 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,20,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 120 + d2 * 20 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,21,128,bf16]> tensor<[1,2,6,21,128,bf16]> tensor<[1,2,6,21,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 42 + d1 * 21 + d2 * 21 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 252 + d1 * 126 + d2 * 21 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 252 + d1 * 126 + d2 * 21 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,21,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 252 + d1 * 126 + d2 * 21 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,22,128,bf16]> tensor<[1,2,6,22,128,bf16]> tensor<[1,2,6,22,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 44 + d1 * 22 + d2 * 22 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 264 + d1 * 132 + d2 * 22 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 264 + d1 * 132 + d2 * 22 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,22,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 264 + d1 * 132 + d2 * 22 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,23,128,bf16]> tensor<[1,2,6,23,128,bf16]> tensor<[1,2,6,23,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 46 + d1 * 23 + d2 * 23 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 276 + d1 * 138 + d2 * 23 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 276 + d1 * 138 + d2 * 23 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,23,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 276 + d1 * 138 + d2 * 23 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,24,128,bf16]> tensor<[1,2,6,24,128,bf16]> tensor<[1,2,6,24,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 48 + d1 * 24 + d2 * 24 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 288 + d1 * 144 + d2 * 24 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 288 + d1 * 144 + d2 * 24 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,24,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 288 + d1 * 144 + d2 * 24 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,25,128,bf16]> tensor<[1,2,6,25,128,bf16]> tensor<[1,2,6,25,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 50 + d1 * 25 + d2 * 25 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 300 + d1 * 150 + d2 * 25 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 300 + d1 * 150 + d2 * 25 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,25,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 300 + d1 * 150 + d2 * 25 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,26,128,bf16]> tensor<[1,2,6,26,128,bf16]> tensor<[1,2,6,26,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 52 + d1 * 26 + d2 * 26 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 312 + d1 * 156 + d2 * 26 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 312 + d1 * 156 + d2 * 26 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,26,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 312 + d1 * 156 + d2 * 26 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,27,128,bf16]> tensor<[1,2,6,27,128,bf16]> tensor<[1,2,6,27,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 54 + d1 * 27 + d2 * 27 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 324 + d1 * 162 + d2 * 27 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 324 + d1 * 162 + d2 * 27 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,27,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 324 + d1 * 162 + d2 * 27 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,28,128,bf16]> tensor<[1,2,6,28,128,bf16]> tensor<[1,2,6,28,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 56 + d1 * 28 + d2 * 28 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 336 + d1 * 168 + d2 * 28 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 336 + d1 * 168 + d2 * 28 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,28,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 336 + d1 * 168 + d2 * 28 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2,1,29,128,bf16]> tensor<[1,2,6,29,128,bf16]> tensor<[1,2,6,29,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 58 + d1 * 29 + d2 * 29 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 348 + d1 * 174 + d2 * 29 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 348 + d1 * 174 + d2 * 29 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,6,29,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 348 + d1 * 174 + d2 * 29 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4,1,13,128,bf16]> tensor<[1,4,7,13,128,bf16]> tensor<[1,4,7,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 52 + d1 * 13 + d2 * 13 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 364 + d1 * 91 + d2 * 13 + d3, d4), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 364 + d1 * 91 + d2 * 13 + d3, d4), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,7,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 364 + d1 * 91 + d2 * 13 + d3, d4), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1,16,1,f32]> tensor<[1,5,1,16,2,f32]> tensor<[1,5,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,32,128,bf16]> tensor<[1,8,3,32,128,bf16]> tensor<[1,8,3,32,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 256 + d1 * 32 + d2 * 32 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,3,32,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[2,1,1,7,ui32]> tensor<[2,1,7,7,ui32]> tensor<[2,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[13,13,bf16]> tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,10,bf16]> tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,11,bf16]> tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,12,bf16]> tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,13,bf16]> tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,14,bf16]> tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,15,bf16]> tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,16,bf16]> tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,17,bf16]> tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,18,bf16]> tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,19,bf16]> tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,20,bf16]> tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,21,bf16]> tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,22,bf16]> tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,23,bf16]> tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,24,bf16]> tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,25,bf16]> tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,26,bf16]> tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,27,bf16]> tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,28,bf16]> tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,29,bf16]> tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,6,bf16]> tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,7,bf16]> tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,8,bf16]> tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,9,bf16]> tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[32,32,bf16]> tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[5,5,bf16]> tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[6,6,f32]> tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,512,f32]> tensor<[1,1024,512,f32]> tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,512,bf16]> tensor<[1,1024,512,bf16]> tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,6144,f32]> tensor<[1,1024,6144,f32]> tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,640,bf16]> tensor<[1,1024,640,bf16]> tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,3072,f32]> tensor<[1,10,3072,f32]> tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,3072,bf16]> tensor<[1,10,3072,bf16]> tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,1280,f32]> tensor<[1,1200,1280,f32]> tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,1280,bf16]> tensor<[1,1200,1280,bf16]> tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,5120,f32]> tensor<[1,1370,5120,f32]> tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,5120,bf16]> tensor<[1,1370,5120,bf16]> tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,768,f32]> tensor<[1,1445,768,f32]> tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,768,bf16]> tensor<[1,1445,768,bf16]> tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,2048,f32]> tensor<[1,14,14,2048,f32]> tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,2048,bf16]> tensor<[1,14,14,2048,bf16]> tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,3072,f32]> tensor<[1,1500,3072,f32]> tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,3072,bf16]> tensor<[1,1500,3072,bf16]> tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,bf16]> tensor<[1,1536,bf16]> tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,128,f32]> tensor<[1,16384,128,f32]> tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,128,bf16]> tensor<[1,16384,128,bf16]> tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1536,f32]> tensor<[1,16384,1536,f32]> tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,3072,f32]> tensor<[1,16,3072,f32]> tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,3072,bf16]> tensor<[1,16,3072,bf16]> tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,256,f32]> tensor<[1,19200,256,f32]> tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,256,bf16]> tensor<[1,19200,256,bf16]> tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,3072,f32]> tensor<[1,196,3072,f32]> tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,3072,bf16]> tensor<[1,196,3072,bf16]> tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,3072,f32]> tensor<[1,197,3072,f32]> tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,3072,bf16]> tensor<[1,197,3072,bf16]> tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,4096,f32]> tensor<[1,197,4096,f32]> tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,4096,bf16]> tensor<[1,197,4096,bf16]> tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,3072,f32]> tensor<[1,201,3072,f32]> tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,3072,bf16]> tensor<[1,201,3072,bf16]> tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1024,bf16]> tensor<[1,256,1024,bf16]> tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,256,bf16]> tensor<[1,256,256,bf16]> tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,4096,f32]> tensor<[1,256,4096,f32]> tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,4096,bf16]> tensor<[1,256,4096,bf16]> tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,5120,f32]> tensor<[1,256,5120,f32]> tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,5120,bf16]> tensor<[1,256,5120,bf16]> tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,6144,f32]> tensor<[1,256,6144,f32]> tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,3072,f32]> tensor<[1,257,3072,f32]> tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,3072,bf16]> tensor<[1,257,3072,bf16]> tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,3072,f32]> tensor<[1,25,3072,f32]> tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,3072,bf16]> tensor<[1,25,3072,bf16]> tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1024,f32]> tensor<[1,28,28,1024,f32]> tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1024,bf16]> tensor<[1,28,28,1024,bf16]> tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,2048,f32]> tensor<[1,300,2048,f32]> tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,2048,bf16]> tensor<[1,300,2048,bf16]> tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,8,f32]> tensor<[1,3072,8,f32]> tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1280,f32]> tensor<[1,4096,1280,f32]> tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1280,bf16]> tensor<[1,4096,1280,bf16]> tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,256,f32]> tensor<[1,4096,256,f32]> tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,256,bf16]> tensor<[1,4096,256,bf16]> tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,3072,f32]> tensor<[1,4096,3072,f32]> tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,512,f32]> tensor<[1,4800,512,f32]> tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,512,bf16]> tensor<[1,4800,512,bf16]> tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,512,f32]> tensor<[1,56,56,512,f32]> tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,512,bf16]> tensor<[1,56,56,512,bf16]> tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,5120,f32]> tensor<[1,64,5120,f32]> tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,5120,bf16]> tensor<[1,64,5120,bf16]> tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,65536,768,f32]> tensor<[1,65536,768,f32]> tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1500,f32]> tensor<[1,768,1500,f32]> tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1500,bf16]> tensor<[1,768,1500,bf16]> tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,3000,f32]> tensor<[1,768,3000,f32]> tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,3000,bf16]> tensor<[1,768,3000,bf16]> tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,384,f32]> tensor<[1,768,384,f32]> tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,384,bf16]> tensor<[1,768,384,bf16]> tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,18176,f32]> tensor<[1,7,18176,f32]> tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,18176,bf16]> tensor<[1,7,18176,bf16]> tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,4096,f32]> tensor<[1,7,7,4096,f32]> tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,4096,bf16]> tensor<[1,7,7,4096,bf16]> tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,4096,f32]> tensor<[4,1,4096,f32]> tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,11,ui32]> tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,ui32]> tensor<[12,12,ui32]> tensor<[12,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[12,1,ui32]> tensor<[12,12,ui32]> tensor<[12,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,12,ui32]> tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,ui32]> tensor<[13,13,ui32]> tensor<[13,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[13,1,ui32]> tensor<[13,13,ui32]> tensor<[13,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,13,ui32]> tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,14,ui32]> tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,15,ui32]> tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,16,ui32]> tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,17,ui32]> tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,18,ui32]> tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,19,ui32]> tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,20,ui32]> tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,21,ui32]> tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,22,ui32]> tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,23,ui32]> tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,24,ui32]> tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,25,ui32]> tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,26,ui32]> tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,27,ui32]> tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,28,ui32]> tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,29,ui32]> tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,ui32]> tensor<[32,32,ui32]> tensor<[32,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[32,1,ui32]> tensor<[32,32,ui32]> tensor<[32,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,ui32]> tensor<[45,45,ui32]> tensor<[45,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[45,1,ui32]> tensor<[45,45,ui32]> tensor<[45,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,46,ui32]> tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,47,ui32]> tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,48,ui32]> tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,49,ui32]> tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,50,ui32]> tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,51,ui32]> tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,52,ui32]> tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,53,ui32]> tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,54,ui32]> tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,55,ui32]> tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,56,ui32]> tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,57,ui32]> tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,58,ui32]> tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,59,ui32]> tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,ui32]> tensor<[5,5,ui32]> tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,1,ui32]> tensor<[5,5,ui32]> tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,60,ui32]> tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,61,ui32]> tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,62,ui32]> tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,63,ui32]> tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,64,ui32]> tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,65,ui32]> tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,66,ui32]> tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,67,ui32]> tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,68,ui32]> tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,69,ui32]> tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,6,ui32]> tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,70,ui32]> tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,71,ui32]> tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,72,ui32]> tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,73,ui32]> tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,74,ui32]> tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,75,ui32]> tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,76,ui32]> tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,77,ui32]> tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,78,ui32]> tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,79,ui32]> tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,7,ui32]> tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,80,ui32]> tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,81,ui32]> tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,82,ui32]> tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,83,ui32]> tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,84,ui32]> tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,85,ui32]> tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,86,ui32]> tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,87,ui32]> tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,88,ui32]> tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,89,ui32]> tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,8,ui32]> tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,90,ui32]> tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,91,ui32]> tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,92,ui32]> tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,93,ui32]> tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,94,ui32]> tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,95,ui32]> tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,96,ui32]> tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,97,ui32]> tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,98,ui32]> tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,99,ui32]> tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,9,ui32]> tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,112,112,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,160,160,f32]> tensor<[1,1,1,1,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,14,14,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,20,20,f32]> tensor<[1,1,1,1,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,14,14,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,20,20,f32]> tensor<[1,1,1,1,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,14,14,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,20,20,f32]> tensor<[1,1,1,1,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,28,28,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,40,40,f32]> tensor<[1,1,1,1,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,10,10,f32]> tensor<[1,1,1,1,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,14,14,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,20,20,f32]> tensor<[1,1,1,1,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,10,10,f32]> tensor<[1,1,1,1,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,14,14,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,20,20,f32]> tensor<[1,1,1,1,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,7,7,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,7,7,bf16]> tensor<[1,1,1,1,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1152,7,7,bf16]> tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1152,8,8,bf16]> tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,116,14,14,bf16]> tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1248,9,9,bf16]> tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,10,10,bf16]> tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,12,12,bf16]> tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,7,7,bf16]> tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,9,9,bf16]> tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,134,28,28,bf16]> tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1392,10,10,bf16]> tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,150,150,bf16]> tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,190,190,bf16]> tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,28,28,bf16]> tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,30,30,bf16]> tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,33,33,bf16]> tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,56,56,bf16]> tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,60,60,bf16]> tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,65,65,bf16]> tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,75,75,bf16]> tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,144,95,95,bf16]> tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,14,56,56,bf16]> tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1632,12,12,bf16]> tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,168,28,28,bf16]> tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,192,28,28,bf16]> tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,192,38,38,bf16]> tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,192,48,48,bf16]> tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,192,75,75,bf16]> tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,192,95,95,bf16]> tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,196,14,14,bf16]> tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,240,15,15,bf16]> tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,240,30,30,bf16]> tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,24,56,56,bf16]> tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,272,7,7,bf16]> tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,288,17,17,bf16]> tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,288,19,19,bf16]> tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,288,33,33,bf16]> tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,288,38,38,bf16]> tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,28,28,28,bf16]> tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,320,28,28,bf16]> tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,112,112,bf16]> tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,120,120,bf16]> tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,130,130,bf16]> tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,150,150,bf16]> tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,190,190,bf16]> tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,334,14,14,bf16]> tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,336,24,24,bf16]> tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,336,48,48,bf16]> tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,34,28,28,bf16]> tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,384,14,14,bf16]> tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,40,56,56,bf16]> tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,462,7,7,bf16]> tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,46,28,28,bf16]> tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,480,15,15,bf16]> tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,528,17,17,bf16]> tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,576,14,14,bf16]> tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,576,19,19,bf16]> tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,576,7,7,bf16]> tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,58,28,28,bf16]> tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,640,14,14,bf16]> tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,64,112,112,bf16]> tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,15,15,bf16]> tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,24,24,bf16]> tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,8,8,bf16]> tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,68,14,14,bf16]> tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,68,56,56,bf16]> tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,720,17,17,bf16]> tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,720,9,9,bf16]> tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,78,28,28,bf16]> tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,816,10,10,bf16]> tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,816,19,19,bf16]> tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,960,12,12,bf16]> tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,960,24,24,bf16]> tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,96,112,112,bf16]> tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,96,120,120,bf16]> tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,96,130,130,bf16]> tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,96,56,56,bf16]> tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,96,60,60,bf16]> tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,96,65,65,bf16]> tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,98,28,28,bf16]> tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,ui32]> tensor<[6,6,ui32]> tensor<[6,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[6,1,ui32]> tensor<[6,6,ui32]> tensor<[6,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[8,1,f32]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1024,1,1,bf16]> tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,11,1,f32]> tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,120,1,1,f32]> tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,13,1,f32]> tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,13,1,f32]> tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1536,1,1,bf16]> tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,15,1,f32]> tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,15,1,f32]> tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1920,1,1,bf16]> tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,1024,bf16]> tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,768,bf16]> tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,2048,1,1,bf16]> tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,2048,1,1,bf16]> tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,2520,1,1,bf16]> tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,3712,1,1,bf16]> tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,6,1,f32]> tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,8,1,f32]> tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[2,13,1,f32]> tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,12,f32]> tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,13,f32]> tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,14,f32]> tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,15,f32]> tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,16,f32]> tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,17,f32]> tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,18,f32]> tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,19,f32]> tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,20,f32]> tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,21,f32]> tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,22,f32]> tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,23,f32]> tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,24,f32]> tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,25,f32]> tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,26,f32]> tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,27,f32]> tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,28,f32]> tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,128,29,f32]> tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,12,128,f32]> tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,12,64,f32]> tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,14,64,f32]> tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1500,64,f32]> tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,16,64,f32]> tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,197,64,f32]> tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,128,f32]> tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,25,64,f32]> tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,50,64,f32]> tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,10,f32]> tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,12,f32]> tensor<[1,12,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,14,f32]> tensor<[1,12,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,1500,f32]> tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,16,f32]> tensor<[1,12,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,197,f32]> tensor<[1,12,64,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,25,f32]> tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,50,f32]> tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,7,f32]> tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,64,9,f32]> tensor<[1,12,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,7,64,f32]> tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,9,64,f32]> tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,128,9,f32]> tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1370,80,f32]> tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,1,64,f32]> tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,256,64,f32]> tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,10,f32]> tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,11,f32]> tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,12,f32]> tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,13,f32]> tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,14,f32]> tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,15,f32]> tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,16,f32]> tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,17,f32]> tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,18,f32]> tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,19,f32]> tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,20,f32]> tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,21,f32]> tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,22,f32]> tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,23,f32]> tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,24,f32]> tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,256,f32]> tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,25,f32]> tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,26,f32]> tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,27,f32]> tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,28,f32]> tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,29,f32]> tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,6,f32]> tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,7,f32]> tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,8,f32]> tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,9,f32]> tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,64,9,f32]> tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,6,64,f32]> tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,80,1370,f32]> tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,9,128,f32]> tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,16,9,64,f32]> tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,1,64,7,f32]> tensor<[1,1,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,24,128,32,f32]> tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,24,32,128,f32]> tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,28,128,13,f32]> tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,28,13,128,f32]> tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,128,32,f32]> tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,32,128,f32]> tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,3,1445,64,f32]> tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,3,64,1445,f32]> tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,64,64,9,f32]> tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,64,9,64,f32]> tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,71,7,64,f32]> tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,1024,80,f32]> tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,160,256,f32]> tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,160,64,f32]> tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,160,9,f32]> tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,256,160,f32]> tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,4096,40,f32]> tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,40,4096,f32]> tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,40,9,f32]> tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,64,160,f32]> tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,80,1024,f32]> tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,8,80,9,f32]> tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[2,8,64,7,f32]> tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[2,8,7,64,f32]> tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[4,16,1,64,f32]> tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[4,16,64,1,f32]> tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[100,1,1,f32]> tensor<[100,1,256,f32]> tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,256,f32]> tensor<[100,1,256,f32]> tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[100,2048,f32]> tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[100,256,f32]> tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[100,4,f32]> tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[100,92,f32]> tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[1024,f32]> tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1024,1536,f32]> tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1024,160,f32]> tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1024,3072,f32]> tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1024,5120,f32]> tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1024,6144,f32]> tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1024,640,f32]> tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1024,768,f32]> tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[10,250002,f32]> tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[10,3072,f32]> tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[10,768,f32]> tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1200,1280,f32]> tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1200,320,f32]> tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[121,12,144,32,f32]> tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[121,6,144,32,f32]> tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1296,1536,f32]> tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1296,2304,f32]> tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1296,4608,f32]> tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1296,768,f32]> tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[12,1536,f32]> tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[12,256,f32]> tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[12,2,f32]> tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[12,3072,f32]> tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[12,768,f32]> tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1370,1280,f32]> tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1370,3840,f32]> tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1370,5120,f32]> tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[13,2,f32]> tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[13,3584,f32]> tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[13,512,f32]> tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1445,192,f32]> tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1445,768,f32]> tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[14,2048,f32]> tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[14,2,f32]> tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[14,3072,f32]> tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[14,512,f32]> tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[14,768,f32]> tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1500,3072,f32]> tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1500,768,f32]> tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[1536,f32]> tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16384,128,f32]> tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16384,1536,f32]> tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16384,192,f32]> tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16384,32,f32]> tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16384,384,f32]> tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16384,768,f32]> tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,32,f32]> tensor<[1,16,32,f32]> tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16,3072,f32]> tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[16,768,f32]> tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[16,8,49,32,bf16]> tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[17424,1152,f32]> tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[17424,192,f32]> tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[17424,384,f32]> tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[17424,576,f32]> tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[19200,256,f32]> tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[19200,64,f32]> tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[196,1536,f32]> tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[196,3072,f32]> tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[196,512,f32]> tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[196,768,f32]> tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[197,1024,f32]> tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[197,3072,f32]> tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[197,4096,f32]> tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[197,768,f32]> tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,100,1,1,f32]> tensor<[1,100,14,14,f32]> tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,10,10,f32]> tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,14,14,f32]> tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1536,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,160,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,16,16,f32]> tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,19,19,f32]> tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,28,28,f32]> tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,bf16]> tensor<[1,1024,45,80,bf16]> tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,7,7,f32]> tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,bf16]> tensor<[1,1024,7,7,bf16]> tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1056,1,1,f32]> tensor<[1,1056,14,14,f32]> tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1056,1,1,f32]> tensor<[1,1056,7,7,f32]> tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1088,1,1,f32]> tensor<[1,1088,14,14,f32]> tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1088,1,1,f32]> tensor<[1,1088,7,7,f32]> tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,10,f32]> tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,10,1024,f32]> tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,10,512,f32]> tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1120,1,1,f32]> tensor<[1,1120,14,14,f32]> tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1120,1,1,f32]> tensor<[1,1120,7,7,f32]> tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,14,14,f32]> tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,15,15,f32]> tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,24,24,f32]> tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,7,7,f32]> tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,1,1,f32]> tensor<[1,1152,14,14,f32]> tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,1,1,f32]> tensor<[1,1152,7,7,f32]> tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,1,1,f32]> tensor<[1,1152,8,8,f32]> tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,116,1,1,f32]> tensor<[1,116,14,14,f32]> tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 116 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1184,1,1,f32]> tensor<[1,1184,14,14,f32]> tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1184,1,1,f32]> tensor<[1,1184,7,7,f32]> tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,11,1,f32]> tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,1,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,320,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,14,14,f32]> tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,17,17,f32]> tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,28,28,f32]> tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,bf16]> tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1216,1,1,f32]> tensor<[1,1216,14,14,f32]> tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1216,1,1,f32]> tensor<[1,1216,7,7,f32]> tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,1,1,f32]> tensor<[1,1248,14,14,f32]> tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,1,1,f32]> tensor<[1,1248,7,7,f32]> tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,1,1,f32]> tensor<[1,1248,9,9,f32]> tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1280,f32]> tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,10,10,f32]> tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,12,12,f32]> tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,14,14,f32]> tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,16,16,f32]> tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,32,32,f32]> tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,7,7,f32]> tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,9,9,f32]> tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,128,f32]> tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,112,112,f32]> tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,128,128,f32]> tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,14,14,f32]> tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,150,150,f32]> tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,17,17,f32]> tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,bf16]> tensor<[1,128,180,320,bf16]> tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,28,28,f32]> tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,32,32,f32]> tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,56,56,f32]> tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,64,64,f32]> tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,75,75,f32]> tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,7,7,f32]> tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,bf16]> tensor<[1,128,90,160,bf16]> tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,12,f32]> tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,128,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,12,128,bf16]> tensor<[1,12,12,128,bf16]> tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,128,bf16]> tensor<[1,12,1,128,bf16]> tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,12,257,257,bf16]> tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,56,56,f32]> tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1312,1,1,f32]> tensor<[1,1312,14,14,f32]> tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1312,1,1,f32]> tensor<[1,1312,7,7,f32]> tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,1,1,f32]> tensor<[1,1344,14,14,f32]> tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,1,1,f32]> tensor<[1,1344,28,28,f32]> tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,1,1,f32]> tensor<[1,1344,7,7,f32]> tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,134,1,1,f32]> tensor<[1,134,28,28,f32]> tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 134 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,136,1,1,f32]> tensor<[1,136,19,19,f32]> tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1280,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,1,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1376,1,1,f32]> tensor<[1,1376,14,14,f32]> tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1376,1,1,f32]> tensor<[1,1376,7,7,f32]> tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,f32]> tensor<[1,1392,10,10,f32]> tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,f32]> tensor<[1,1392,14,14,f32]> tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,f32]> tensor<[1,1392,28,28,f32]> tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,13,128,f32]> tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,1,f32]> tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,13,1,f32]> tensor<[1,13,3584,f32]> tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1408,1,1,f32]> tensor<[1,1408,14,14,f32]> tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1408,1,1,f32]> tensor<[1,1408,7,7,f32]> tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1440,1,1,f32]> tensor<[1,1440,14,14,f32]> tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1440,1,1,f32]> tensor<[1,1440,7,7,f32]> tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,192,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,1,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,14,14,f32]> tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,150,150,f32]> tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,190,190,f32]> tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,28,28,f32]> tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,30,30,f32]> tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,33,33,f32]> tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,56,56,f32]> tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,60,60,f32]> tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,65,65,f32]> tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,75,75,f32]> tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,7,7,f32]> tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,95,95,f32]> tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1472,1,1,f32]> tensor<[1,1472,14,14,f32]> tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1472,1,1,f32]> tensor<[1,1472,7,7,f32]> tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,128,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1024,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,512,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,1,f32]> tensor<[1,14,56,56,f32]> tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,1,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1504,1,1,f32]> tensor<[1,1504,14,14,f32]> tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1504,1,1,f32]> tensor<[1,1504,7,7,f32]> tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,1,1,f32]> tensor<[1,1536,10,10,f32]> tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,1,1,f32]> tensor<[1,1536,14,14,f32]> tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,1,1,f32]> tensor<[1,1536,7,7,f32]> tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1568,1,1,f32]> tensor<[1,1568,14,14,f32]> tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1568,1,1,f32]> tensor<[1,1568,7,7,f32]> tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,1,f32]> tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,15,1,f32]> tensor<[1,15,512,f32]> tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1600,1,1,f32]> tensor<[1,1600,14,14,f32]> tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1600,1,1,f32]> tensor<[1,1600,7,7,f32]> tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,14,14,f32]> tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,24,24,f32]> tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,28,28,f32]> tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,56,56,f32]> tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,7,7,f32]> tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,1,1,f32]> tensor<[1,1632,12,12,f32]> tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,1,1,f32]> tensor<[1,1632,14,14,f32]> tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,1,1,f32]> tensor<[1,1632,7,7,f32]> tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,192,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,32,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,384,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1664,1,1,f32]> tensor<[1,1664,14,14,f32]> tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1664,1,1,f32]> tensor<[1,1664,7,7,f32]> tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,168,1,1,f32]> tensor<[1,168,28,28,f32]> tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1696,1,1,f32]> tensor<[1,1696,14,14,f32]> tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1696,1,1,f32]> tensor<[1,1696,7,7,f32]> tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,112,112,f32]> tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,120,120,f32]> tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,130,130,f32]> tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,14,14,f32]> tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,224,224,f32]> tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,28,28,f32]> tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,56,56,f32]> tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1728,1,1,f32]> tensor<[1,1728,14,14,f32]> tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1728,1,1,f32]> tensor<[1,1728,7,7,f32]> tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1760,1,1,f32]> tensor<[1,1760,14,14,f32]> tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1760,1,1,f32]> tensor<[1,1760,7,7,f32]> tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1792,1,1,f32]> tensor<[1,1792,14,14,f32]> tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1792,1,1,f32]> tensor<[1,1792,7,7,f32]> tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1824,1,1,f32]> tensor<[1,1824,7,7,f32]> tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,1,1,f32]> tensor<[1,184,14,14,f32]> tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,1,1,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,1,1,f32]> tensor<[1,184,7,7,f32]> tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1856,1,1,f32]> tensor<[1,1856,7,7,f32]> tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1856 + d1 + d2, d3), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1888,1,1,f32]> tensor<[1,1888,7,7,f32]> tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1888 + d1 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,14,14,f32]> tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,28,28,f32]> tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,56,56,f32]> tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,7,7,f32]> tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,1,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,64,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1920,1,1,f32]> tensor<[1,1920,16,16,f32]> tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1920,1,1,f32]> tensor<[1,1920,32,32,f32]> tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1920,1,1,f32]> tensor<[1,1920,7,7,f32]> tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,14,14,f32]> tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,17,17,f32]> tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,28,28,f32]> tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,35,35,f32]> tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,38,38,f32]> tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,48,48,f32]> tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,56,56,f32]> tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,75,75,f32]> tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,7,7,f32]> tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,8,8,f32]> tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,95,95,f32]> tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,1,1,f32]> tensor<[1,196,14,14,f32]> tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,1,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,128,f32]> tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1536,f32]> tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,32,f32]> tensor<[1,1,16,32,f32]> tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,201,bf16]> tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,2048,bf16]> tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,480,640,bf16]> tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,512,bf16]> tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,512,f32]> tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,1,1,f32]> tensor<[1,200,14,14,f32]> tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,1,1,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,1,1,f32]> tensor<[1,200,7,7,f32]> tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,1,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,1,f32]> tensor<[1,2048,10,10,f32]> tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,1,f32]> tensor<[1,2048,14,14,f32]> tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,1,bf16]> tensor<[1,2048,23,40,bf16]> tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,1,f32]> tensor<[1,2048,7,7,f32]> tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,208,1,1,f32]> tensor<[1,208,14,14,f32]> tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,208,1,1,f32]> tensor<[1,208,9,9,f32]> tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,20,1,1,f32]> tensor<[1,20,28,28,f32]> tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,21843,f32]> tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,14,14,f32]> tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,17,17,f32]> tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,28,28,f32]> tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,35,35,f32]> tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,56,56,f32]> tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,7,7,f32]> tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,f32]> tensor<[1,232,10,10,f32]> tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,f32]> tensor<[1,232,112,112,f32]> tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,f32]> tensor<[1,232,56,56,f32]> tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,14,14,f32]> tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,15,15,f32]> tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,28,28,f32]> tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,30,30,f32]> tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,112,112,f32]> tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,14,14,f32]> tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,150,150,f32]> tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,190,190,f32]> tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,28,28,f32]> tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,32,128,bf16]> tensor<[1,24,32,128,bf16]> tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,56,56,f32]> tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,60,60,f32]> tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,65,65,f32]> tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2520,1,1,f32]> tensor<[1,2520,14,14,f32]> tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2520,1,1,f32]> tensor<[1,2520,7,7,f32]> tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2560,1,1,f32]> tensor<[1,2560,16,16,f32]> tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2560,1,1,f32]> tensor<[1,2560,8,8,f32]> tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,256,f32]> tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,128,128,f32]> tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,14,14,f32]> tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1536,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,160,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,16,16,f32]> tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,17,17,f32]> tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,bf16]> tensor<[1,256,180,320,bf16]> tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,28,28,f32]> tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,3072,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,32,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,32,32,f32]> tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,38,38,f32]> tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,bf16]> tensor<[1,256,45,80,bf16]> tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,512,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,bf16]> tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,56,56,f32]> tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,64,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,64,64,f32]> tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,75,75,f32]> tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,7,7,f32]> tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,8,8,f32]> tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,bf16]> tensor<[1,256,90,160,bf16]> tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,1,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,1,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,272,1,1,f32]> tensor<[1,272,12,12,f32]> tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,272,1,1,f32]> tensor<[1,272,7,7,f32]> tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,27,1,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,14,14,f32]> tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,17,17,f32]> tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,19,19,f32]> tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,28,28,f32]> tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,33,33,f32]> tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,38,38,f32]> tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,13,128,bf16]> tensor<[1,28,13,128,bf16]> tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,256,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,1,1,f32]> tensor<[1,28,28,28,f32]> tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,512,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,2,f32]> tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,12,128,bf16]> tensor<[1,2,12,128,bf16]> tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,128,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,320,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,512,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,64,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,3072,f32]> tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,10,bf16]> tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,10,1,f32]> tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,10,16,f32]> tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,11,bf16]> tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,11,1,f32]> tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,11,16,f32]> tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 * 11 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,12,bf16]> tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,12,1,f32]> tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,12,16,f32]> tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,13,bf16]> tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,13,1,f32]> tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,13,16,f32]> tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,14,bf16]> tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,3072,14,1,f32]> tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,14,16,f32]> tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,15,bf16]> tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,15,1,f32]> tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,15,16,f32]> tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 * 15 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,10,1,f32]> tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,11,1,f32]> tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,12,1,f32]> tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,13,1,f32]> tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,14,1,f32]> tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,15,1,f32]> tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,6,1,f32]> tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,7,1,f32]> tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,8,1,f32]> tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,9,1,f32]> tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,6,bf16]> tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,6,1,f32]> tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,6,16,f32]> tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,7,bf16]> tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,7,1,f32]> tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,7,16,f32]> tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,8,1,f32]> tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,8,16,f32]> tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,9,bf16]> tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,1,bf16]> tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3072,9,1,f32]> tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,9,16,f32]> tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,3129,f32]> tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,14,14,f32]> tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,17,17,f32]> tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,28,28,f32]> tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,32,32,f32]> tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,64,64,f32]> tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,7,7,f32]> tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,8,8,f32]> tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,112,112,f32]> tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,120,120,f32]> tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,120,160,f32]> tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,32,128,f32]> tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,128,128,f32]> tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,130,130,f32]> tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,147,147,f32]> tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,149,149,f32]> tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,14,14,f32]> tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,150,150,f32]> tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1536,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,190,190,f32]> tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,256,256,f32]> tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,28,28,f32]> tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,f32]> tensor<[1,32,3072,f32]> tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,40,f32]> tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,32,128,bf16]> tensor<[1,32,32,128,bf16]> tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,f32]> tensor<[1,32,4096,f32]> tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,32,49,32,bf16]> tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,512,512,f32]> tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,56,56,f32]> tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,80,f32]> tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,75,75,f32]> tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,7,7,f32]> tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,95,95,f32]> tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,334,1,1,f32]> tensor<[1,334,14,14,f32]> tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 334 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,112,112,f32]> tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,14,14,f32]> tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,24,24,f32]> tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,48,48,f32]> tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,56,56,f32]> tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,34,1,1,f32]> tensor<[1,34,28,28,f32]> tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,1,1,f32]> tensor<[1,352,14,14,f32]> tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,1,1,f32]> tensor<[1,352,28,28,f32]> tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,1,1,f32]> tensor<[1,352,9,9,f32]> tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,14,14,f32]> tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,28,28,f32]> tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,56,56,f32]> tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,7,7,f32]> tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,1,1,f32]> tensor<[1,3712,14,14,f32]> tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,1,1,f32]> tensor<[1,3712,7,7,f32]> tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,10,10,f32]> tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,14,14,f32]> tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,17,17,f32]> tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,28,28,f32]> tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,7,7,f32]> tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,8,8,f32]> tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,3,f32]> tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,4096,f32]> tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,320,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,384,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,64,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,14,14,f32]> tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,28,28,f32]> tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,30,30,f32]> tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,56,56,f32]> tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,416,1,1,f32]> tensor<[1,416,14,14,f32]> tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,416,1,1,f32]> tensor<[1,416,28,28,f32]> tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,12,12,f32]> tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,14,14,f32]> tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,28,28,f32]> tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,8,8,f32]> tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,1,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,462,1,1,f32]> tensor<[1,462,7,7,f32]> tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 462 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,46,1,1,f32]> tensor<[1,46,28,28,f32]> tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,128,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,1,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,14,14,f32]> tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,15,15,f32]> tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,28,28,f32]> tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,7,7,f32]> tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,14,14,f32]> tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,33,33,f32]> tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,38,38,f32]> tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,56,56,f32]> tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,7,7,f32]> tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,13,128,bf16]> tensor<[1,4,13,128,bf16]> tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,50,3072,bf16]> tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,50,1,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,51200,f32]> tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,14,14,f32]> tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,16,16,f32]> tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,bf16]> tensor<[1,512,23,40,bf16]> tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,bf16]> tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,28,28,f32]> tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,32,32,f32]> tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,bf16]> tensor<[1,512,45,80,bf16]> tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,56,56,f32]> tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,8,8,f32]> tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,bf16]> tensor<[1,512,90,160,bf16]> tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,528,1,1,f32]> tensor<[1,528,17,17,f32]> tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,544,1,1,f32]> tensor<[1,544,14,14,f32]> tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 544 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,1,1,f32]> tensor<[1,56,14,14,f32]> tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,1,1,f32]> tensor<[1,56,48,48,f32]> tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,128,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,1,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,1,1,f32]> tensor<[1,576,14,14,f32]> tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,1,1,f32]> tensor<[1,576,19,19,f32]> tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,1,1,f32]> tensor<[1,576,7,7,f32]> tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,58,1,1,f32]> tensor<[1,58,28,28,f32]> tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1,32,f32]> tensor<[1,5,16,32,f32]> tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,608,1,1,f32]> tensor<[1,608,14,14,f32]> tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 608 + d1 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,60,1,1,f32]> tensor<[1,60,28,28,f32]> tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,1,1,f32]> tensor<[1,640,14,14,f32]> tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,1,1,f32]> tensor<[1,640,16,16,f32]> tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,1,1,f32]> tensor<[1,640,32,32,f32]> tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,1,1,f32]> tensor<[1,640,64,64,f32]> tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,64,f32]> tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,112,112,f32]> tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,120,160,bf16]> tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,120,160,f32]> tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1280,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,128,128,f32]> tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,147,147,f32]> tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,14,14,f32]> tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,150,150,f32]> tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,bf16]> tensor<[1,64,180,320,bf16]> tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,224,224,f32]> tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,256,256,f32]> tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,28,28,f32]> tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,30,40,bf16]> tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,30,40,f32]> tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,35,35,f32]> tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,bf16]> tensor<[1,64,360,640,bf16]> tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,56,56,f32]> tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,60,80,bf16]> tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,60,80,f32]> tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,64,64,f32]> tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,73,73,f32]> tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,192,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,65536,1,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,14,14,f32]> tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,15,15,f32]> tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,24,24,f32]> tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,28,28,f32]> tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,56,56,f32]> tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,7,7,f32]> tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,8,8,f32]> tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,68,1,1,f32]> tensor<[1,68,14,14,f32]> tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,68,1,1,f32]> tensor<[1,68,56,56,f32]> tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,1,1,f32]> tensor<[1,696,28,28,f32]> tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,1,1,f32]> tensor<[1,696,56,56,f32]> tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,6,1024,bf16]> tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,f32]> tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,704,1,1,f32]> tensor<[1,704,14,14,f32]> tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 704 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,7,64,bf16]> tensor<[1,71,7,64,bf16]> tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,720,1,1,f32]> tensor<[1,720,17,17,f32]> tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,720,1,1,f32]> tensor<[1,720,9,9,f32]> tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,1,1,f32]> tensor<[1,728,19,19,f32]> tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,1,1,f32]> tensor<[1,728,38,38,f32]> tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,14,14,f32]> tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,bf16]> tensor<[1,72,28,28,bf16]> tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,28,28,f32]> tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,56,56,f32]> tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,7,7,f32]> tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,736,1,1,f32]> tensor<[1,736,14,14,f32]> tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1,1,bf16]> tensor<[1,768,14,14,bf16]> tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1,1,f32]> tensor<[1,768,14,14,f32]> tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,784,f32]> tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,78,1,1,f32]> tensor<[1,78,28,28,f32]> tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,4544,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1024,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,2048,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,800,1,1,f32]> tensor<[1,800,14,14,f32]> tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,14,14,f32]> tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,15,15,f32]> tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,7,7,f32]> tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,816,1,1,f32]> tensor<[1,816,10,10,f32]> tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,816,1,1,f32]> tensor<[1,816,19,19,f32]> tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,832,1,1,f32]> tensor<[1,832,14,14,f32]> tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,864,1,1,f32]> tensor<[1,864,14,14,f32]> tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 + d2, d3), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,88,1,1,f32]> tensor<[1,88,17,17,f32]> tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,896,1,1,f32]> tensor<[1,896,14,14,f32]> tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,896,1,1,f32]> tensor<[1,896,7,7,f32]> tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,112,112,f32]> tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,f32]> tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,32,128,bf16]> tensor<[1,8,32,128,bf16]> tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,928,1,1,f32]> tensor<[1,928,14,14,f32]> tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,928,1,1,f32]> tensor<[1,928,7,7,f32]> tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,92,1,1,f32]> tensor<[1,92,14,14,f32]> tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 92 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,12,12,f32]> tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,14,14,f32]> tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,24,24,f32]> tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,32,32,f32]> tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,3,3,f32]> tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,64,64,f32]> tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,7,7,f32]> tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,112,112,f32]> tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,120,120,f32]> tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,130,130,f32]> tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,14,14,f32]> tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,19,19,f32]> tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,28,28,f32]> tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,35,35,f32]> tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,56,56,f32]> tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,60,60,f32]> tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,65,65,f32]> tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,71,71,f32]> tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,73,73,f32]> tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,98,1,1,f32]> tensor<[1,98,28,28,f32]> tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,992,1,1,f32]> tensor<[1,992,14,14,f32]> tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,992,1,1,f32]> tensor<[1,992,7,7,f32]> tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,128,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,2048,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,4096,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,768,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[201,3072,f32]> tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[201,768,f32]> tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[2048,1280,f32]> tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[2048,256,f32]> tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[2048,768,f32]> tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[256,f32]> tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,10240,f32]> tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,1024,f32]> tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,1280,f32]> tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,1536,f32]> tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,160,f32]> tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,256,f32]> tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,2,f32]> tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,32,f32]> tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,4096,f32]> tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,512,f32]> tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,6144,f32]> tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,64,f32]> tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[256,768,f32]> tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[257,2304,f32]> tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[257,3072,f32]> tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[257,768,f32]> tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[25,2,f32]> tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[25,3072,f32]> tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[25,768,f32]> tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[27,30522,f32]> tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[27,38,f32]> tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[27,50257,f32]> tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[2,f32]> tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,13,1,f32]> tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[2,1,bf16]> tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[2,1,1,13,f32]> tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[2,7,2048,bf16]> tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[2,7,1,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,512,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[300,128,f32]> tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[300,2048,f32]> tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[300,320,f32]> tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[300,512,f32]> tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[300,64,f32]> tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[3136,128,f32]> tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[3136,384,f32]> tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[3234,f32]> tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[32,1536,f32]> tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[32,4608,f32]> tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[32,6144,f32]> tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[3584,f32]> tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[36,12,144,32,f32]> tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[36,24,144,32,f32]> tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[4096,f32]> tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,1536,f32]> tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,2560,f32]> tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,256,f32]> tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,3072,f32]> tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,320,f32]> tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,384,f32]> tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,64,f32]> tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4096,768,f32]> tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[45,3072,f32]> tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[45,768,f32]> tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4800,128,f32]> tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[4800,512,f32]> tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[484,6,144,32,f32]> tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[49,1024,f32]> tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[49,3072,f32]> tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,13,1,f32]> tensor<[4,13,1024,f32]> tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[4,16,49,32,bf16]> tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,1,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[4,48,144,32,f32]> tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[50,3072,f32]> tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[50,768,f32]> tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[51200,f32]> tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,f32]> tensor<[512,f32]> tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[5184,1152,f32]> tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[5184,2304,f32]> tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[5184,384,f32]> tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[5184,768,f32]> tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[52,1024,f32]> tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[576,1536,f32]> tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[576,4608,f32]> tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[5,1024,f32]> tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[5,4096,f32]> tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[5,51200,f32]> tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[64,10240,f32]> tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[64,1280,f32]> tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[64,4,49,32,bf16]> tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[65536,192,f32]> tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[65536,768,f32]> tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[69696,192,f32]> tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[69696,576,f32]> tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[6,1024,f32]> tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[6,4096,f32]> tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[768,196,f32]> tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[784,256,f32]> tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[784,768,f32]> tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[7,2304,f32]> tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[7,3072,f32]> tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[7,768,f32]> tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[8,100,32,bf16]> tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[8,920,32,bf16]> tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,256,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[920,1,1,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[920,2048,f32]> tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[920,256,f32]> tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,1024,f32]> tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,128,f32]> tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,16384,f32]> tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,2048,f32]> tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[9,24,144,32,f32]> tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,30000,f32]> tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,3072,f32]> tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,4096,f32]> tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[9,48,144,32,f32]> tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,768,f32]> tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[9,8192,f32]> tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[8,2,ui32]> tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,512,f32]> tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,13,3584,f32]> tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,15,512,f32]> tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1536,f32]> tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,512,f32]> tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,32,3072,f32]> tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,32,4096,f32]> tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,1,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[1,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[2,1,bf16]> tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[2,512,bf16]> tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,10,10,bf16]> tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,14,14,bf16]> tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,16,16,bf16]> tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,201,bf16]> tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,2048,bf16]> tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,256,256,bf16]> tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,25,25,bf16]> tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,6,6,bf16]> tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,9,9,bf16]> tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[2,1,1,13,f32]> tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[4,1,1,13,f32]> tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[16,49,1,bf16]> tensor<[16,49,49,bf16]> tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[16,1,49,bf16]> tensor<[16,49,49,bf16]> tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,100,1,1,f32]> tensor<[1,100,14,14,f32]> tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,10,10,f32]> tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,14,14,f32]> tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,16,16,f32]> tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,19,19,f32]> tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,28,28,f32]> tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,1,f32]> tensor<[1,1024,7,7,f32]> tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1056,1,1,f32]> tensor<[1,1056,14,14,f32]> tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1056,1,1,f32]> tensor<[1,1056,7,7,f32]> tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1088,1,1,f32]> tensor<[1,1088,14,14,f32]> tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1088,1,1,f32]> tensor<[1,1088,7,7,f32]> tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,10,f32]> tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1120,1,1,f32]> tensor<[1,1120,14,14,f32]> tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1120,1,1,f32]> tensor<[1,1120,7,7,f32]> tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,14,14,f32]> tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,15,15,f32]> tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,24,24,f32]> tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,112,1,1,f32]> tensor<[1,112,7,7,f32]> tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,1,1,f32]> tensor<[1,1152,14,14,f32]> tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,1,1,f32]> tensor<[1,1152,7,7,f32]> tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1152,1,1,f32]> tensor<[1,1152,8,8,f32]> tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,116,1,1,f32]> tensor<[1,116,14,14,f32]> tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 116 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1184,1,1,f32]> tensor<[1,1184,14,14,f32]> tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1184,1,1,f32]> tensor<[1,1184,7,7,f32]> tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,1,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,14,14,f32]> tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,17,17,f32]> tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,28,28,f32]> tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,120,1,1,f32]> tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1216,1,1,f32]> tensor<[1,1216,14,14,f32]> tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1216,1,1,f32]> tensor<[1,1216,7,7,f32]> tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,1,1,f32]> tensor<[1,1248,14,14,f32]> tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,1,1,f32]> tensor<[1,1248,7,7,f32]> tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1248,1,1,f32]> tensor<[1,1248,9,9,f32]> tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,10,10,f32]> tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,12,12,f32]> tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,14,14,f32]> tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,7,7,f32]> tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,1280,1,1,f32]> tensor<[1,1280,9,9,f32]> tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,112,112,f32]> tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,128,128,f32]> tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,14,14,f32]> tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,150,150,f32]> tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,17,17,f32]> tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,28,28,f32]> tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,32,32,f32]> tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,56,56,f32]> tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,64,64,f32]> tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,75,75,f32]> tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,128,1,1,f32]> tensor<[1,128,7,7,f32]> tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,1,f32]> tensor<[1,12,56,56,f32]> tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1312,1,1,f32]> tensor<[1,1312,14,14,f32]> tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1312,1,1,f32]> tensor<[1,1312,7,7,f32]> tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,1,1,f32]> tensor<[1,1344,14,14,f32]> tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,1,1,f32]> tensor<[1,1344,28,28,f32]> tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1344,1,1,f32]> tensor<[1,1344,7,7,f32]> tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,134,1,1,f32]> tensor<[1,134,28,28,f32]> tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 134 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,136,1,1,f32]> tensor<[1,136,19,19,f32]> tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,1,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1376,1,1,f32]> tensor<[1,1376,14,14,f32]> tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1376,1,1,f32]> tensor<[1,1376,7,7,f32]> tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,f32]> tensor<[1,1392,10,10,f32]> tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,f32]> tensor<[1,1392,14,14,f32]> tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1392,1,1,f32]> tensor<[1,1392,28,28,f32]> tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1408,1,1,f32]> tensor<[1,1408,14,14,f32]> tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1408,1,1,f32]> tensor<[1,1408,7,7,f32]> tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1440,1,1,f32]> tensor<[1,1440,14,14,f32]> tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1440,1,1,f32]> tensor<[1,1440,7,7,f32]> tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,1,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,14,14,f32]> tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,150,150,f32]> tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,190,190,f32]> tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,28,28,f32]> tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,30,30,f32]> tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,33,33,f32]> tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,56,56,f32]> tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,60,60,f32]> tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,65,65,f32]> tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,75,75,f32]> tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,7,7,f32]> tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,144,1,1,f32]> tensor<[1,144,95,95,f32]> tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1472,1,1,f32]> tensor<[1,1472,14,14,f32]> tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1472,1,1,f32]> tensor<[1,1472,7,7,f32]> tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,1,f32]> tensor<[1,14,56,56,f32]> tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,1,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1504,1,1,f32]> tensor<[1,1504,14,14,f32]> tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1504,1,1,f32]> tensor<[1,1504,7,7,f32]> tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,1,1,f32]> tensor<[1,1536,10,10,f32]> tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,1,1,f32]> tensor<[1,1536,14,14,f32]> tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1536,1,1,f32]> tensor<[1,1536,7,7,f32]> tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1568,1,1,f32]> tensor<[1,1568,14,14,f32]> tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1568,1,1,f32]> tensor<[1,1568,7,7,f32]> tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1600,1,1,f32]> tensor<[1,1600,14,14,f32]> tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1600,1,1,f32]> tensor<[1,1600,7,7,f32]> tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,14,14,f32]> tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,24,24,f32]> tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,28,28,f32]> tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,56,56,f32]> tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,160,1,1,f32]> tensor<[1,160,7,7,f32]> tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,1,1,f32]> tensor<[1,1632,12,12,f32]> tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,1,1,f32]> tensor<[1,1632,14,14,f32]> tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1632,1,1,f32]> tensor<[1,1632,7,7,f32]> tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1664,1,1,f32]> tensor<[1,1664,14,14,f32]> tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1664,1,1,f32]> tensor<[1,1664,7,7,f32]> tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,168,1,1,f32]> tensor<[1,168,28,28,f32]> tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1696,1,1,f32]> tensor<[1,1696,14,14,f32]> tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1696,1,1,f32]> tensor<[1,1696,7,7,f32]> tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,112,112,f32]> tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,120,120,f32]> tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,130,130,f32]> tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,14,14,f32]> tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,224,224,f32]> tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,28,28,f32]> tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,1,f32]> tensor<[1,16,56,56,f32]> tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1728,1,1,f32]> tensor<[1,1728,14,14,f32]> tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1728,1,1,f32]> tensor<[1,1728,7,7,f32]> tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1760,1,1,f32]> tensor<[1,1760,14,14,f32]> tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1760,1,1,f32]> tensor<[1,1760,7,7,f32]> tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1792,1,1,f32]> tensor<[1,1792,14,14,f32]> tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1792,1,1,f32]> tensor<[1,1792,7,7,f32]> tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1824,1,1,f32]> tensor<[1,1824,7,7,f32]> tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,1,1,f32]> tensor<[1,184,14,14,f32]> tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,1,1,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,184,1,1,f32]> tensor<[1,184,7,7,f32]> tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1856,1,1,f32]> tensor<[1,1856,7,7,f32]> tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1856 + d1 + d2, d3), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1888,1,1,f32]> tensor<[1,1888,7,7,f32]> tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1888 + d1 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,14,14,f32]> tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,28,28,f32]> tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,56,56,f32]> tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,18,1,1,f32]> tensor<[1,18,7,7,f32]> tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,1,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1920,1,1,f32]> tensor<[1,1920,7,7,f32]> tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,14,14,f32]> tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,17,17,f32]> tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,28,28,f32]> tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,35,35,f32]> tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,38,38,f32]> tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,48,48,f32]> tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,56,56,f32]> tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,75,75,f32]> tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,7,7,f32]> tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,8,8,f32]> tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,192,1,1,f32]> tensor<[1,192,95,95,f32]> tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,1,1,f32]> tensor<[1,196,14,14,f32]> tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,1,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,1,1,f32]> tensor<[1,200,14,14,f32]> tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,1,1,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,200,1,1,f32]> tensor<[1,200,7,7,f32]> tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,1,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,1,f32]> tensor<[1,2048,10,10,f32]> tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,1,f32]> tensor<[1,2048,14,14,f32]> tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,1,f32]> tensor<[1,2048,7,7,f32]> tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,208,1,1,f32]> tensor<[1,208,14,14,f32]> tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,208,1,1,f32]> tensor<[1,208,9,9,f32]> tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,20,1,1,f32]> tensor<[1,20,28,28,f32]> tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,14,14,f32]> tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,17,17,f32]> tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,28,28,f32]> tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,35,35,f32]> tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,56,56,f32]> tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,224,1,1,f32]> tensor<[1,224,7,7,f32]> tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,f32]> tensor<[1,232,10,10,f32]> tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,f32]> tensor<[1,232,112,112,f32]> tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,232,1,1,f32]> tensor<[1,232,56,56,f32]> tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,14,14,f32]> tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,15,15,f32]> tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,28,28,f32]> tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,30,30,f32]> tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,240,1,1,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,112,112,f32]> tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,14,14,f32]> tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,150,150,f32]> tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,190,190,f32]> tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,28,28,f32]> tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,56,56,f32]> tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,60,60,f32]> tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,65,65,f32]> tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,24,1,1,f32]> tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2520,1,1,f32]> tensor<[1,2520,14,14,f32]> tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2520,1,1,f32]> tensor<[1,2520,7,7,f32]> tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,128,128,f32]> tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,14,14,f32]> tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,16,16,f32]> tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,17,17,f32]> tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,28,28,f32]> tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,32,32,f32]> tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,38,38,f32]> tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,56,56,f32]> tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,64,64,f32]> tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,75,75,f32]> tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,7,7,f32]> tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,1,f32]> tensor<[1,256,8,8,f32]> tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,1,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,1,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,272,1,1,f32]> tensor<[1,272,12,12,f32]> tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,272,1,1,f32]> tensor<[1,272,7,7,f32]> tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,27,1,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,14,14,f32]> tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,17,17,f32]> tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,19,19,f32]> tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,28,28,f32]> tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,33,33,f32]> tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,288,1,1,f32]> tensor<[1,288,38,38,f32]> tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,1,1,f32]> tensor<[1,28,28,28,f32]> tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,14,14,f32]> tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,17,17,f32]> tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,28,28,f32]> tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,7,7,f32]> tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,320,1,1,f32]> tensor<[1,320,8,8,f32]> tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,112,112,f32]> tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,120,120,f32]> tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,120,160,f32]> tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,128,128,f32]> tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,130,130,f32]> tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,147,147,f32]> tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,149,149,f32]> tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,14,14,f32]> tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,150,150,f32]> tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,190,190,f32]> tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,256,256,f32]> tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,28,28,f32]> tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,40,f32]> tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,512,512,f32]> tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,56,56,f32]> tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,80,f32]> tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,75,75,f32]> tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,7,7,f32]> tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,95,95,f32]> tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,334,1,1,f32]> tensor<[1,334,14,14,f32]> tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 334 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,112,112,f32]> tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,14,14,f32]> tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,24,24,f32]> tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,48,48,f32]> tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,336,1,1,f32]> tensor<[1,336,56,56,f32]> tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,34,1,1,f32]> tensor<[1,34,28,28,f32]> tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,1,1,f32]> tensor<[1,352,14,14,f32]> tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,1,1,f32]> tensor<[1,352,28,28,f32]> tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,352,1,1,f32]> tensor<[1,352,9,9,f32]> tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,14,14,f32]> tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,28,28,f32]> tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,56,56,f32]> tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,36,1,1,f32]> tensor<[1,36,7,7,f32]> tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,1,1,f32]> tensor<[1,3712,14,14,f32]> tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,3712,1,1,f32]> tensor<[1,3712,7,7,f32]> tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,10,10,f32]> tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,14,14,f32]> tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,17,17,f32]> tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,28,28,f32]> tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,7,7,f32]> tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,384,1,1,f32]> tensor<[1,384,8,8,f32]> tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,14,14,f32]> tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,28,28,f32]> tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,30,30,f32]> tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,40,1,1,f32]> tensor<[1,40,56,56,f32]> tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,416,1,1,f32]> tensor<[1,416,14,14,f32]> tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,416,1,1,f32]> tensor<[1,416,28,28,f32]> tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,12,12,f32]> tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,14,14,f32]> tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,28,28,f32]> tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,448,1,1,f32]> tensor<[1,448,8,8,f32]> tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,1,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,462,1,1,f32]> tensor<[1,462,7,7,f32]> tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 462 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,46,1,1,f32]> tensor<[1,46,28,28,f32]> tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,1,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,14,14,f32]> tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,15,15,f32]> tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,28,28,f32]> tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,480,1,1,f32]> tensor<[1,480,7,7,f32]> tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,14,14,f32]> tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,33,33,f32]> tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,38,38,f32]> tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,56,56,f32]> tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,48,1,1,f32]> tensor<[1,48,7,7,f32]> tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,50,1,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,14,14,f32]> tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,16,16,f32]> tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,28,28,f32]> tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,32,32,f32]> tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,56,56,f32]> tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,512,1,1,f32]> tensor<[1,512,8,8,f32]> tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,528,1,1,f32]> tensor<[1,528,17,17,f32]> tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,544,1,1,f32]> tensor<[1,544,14,14,f32]> tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 544 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,1,1,f32]> tensor<[1,56,14,14,f32]> tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,1,1,f32]> tensor<[1,56,48,48,f32]> tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,1,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,1,1,f32]> tensor<[1,576,14,14,f32]> tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,1,1,f32]> tensor<[1,576,19,19,f32]> tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,576,1,1,f32]> tensor<[1,576,7,7,f32]> tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,58,1,1,f32]> tensor<[1,58,28,28,f32]> tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,608,1,1,f32]> tensor<[1,608,14,14,f32]> tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 608 + d1 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,60,1,1,f32]> tensor<[1,60,28,28,f32]> tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,640,1,1,f32]> tensor<[1,640,14,14,f32]> tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,112,112,f32]> tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,120,160,f32]> tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,128,128,f32]> tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,147,147,f32]> tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,14,14,f32]> tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,150,150,f32]> tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,224,224,f32]> tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,256,256,f32]> tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,28,28,f32]> tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,30,40,f32]> tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,35,35,f32]> tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,56,56,f32]> tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,60,80,f32]> tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,64,64,f32]> tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,73,73,f32]> tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,1,f32]> tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,65536,1,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,14,14,f32]> tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,15,15,f32]> tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,24,24,f32]> tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,28,28,f32]> tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,56,56,f32]> tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,7,7,f32]> tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,672,1,1,f32]> tensor<[1,672,8,8,f32]> tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,68,1,1,f32]> tensor<[1,68,14,14,f32]> tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,68,1,1,f32]> tensor<[1,68,56,56,f32]> tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,1,1,f32]> tensor<[1,696,28,28,f32]> tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,696,1,1,f32]> tensor<[1,696,56,56,f32]> tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,704,1,1,f32]> tensor<[1,704,14,14,f32]> tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 704 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,720,1,1,f32]> tensor<[1,720,17,17,f32]> tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,720,1,1,f32]> tensor<[1,720,9,9,f32]> tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,1,1,f32]> tensor<[1,728,19,19,f32]> tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,728,1,1,f32]> tensor<[1,728,38,38,f32]> tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,14,14,f32]> tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,28,28,f32]> tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,56,56,f32]> tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,7,7,f32]> tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,72,1,1,f32]> tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,736,1,1,f32]> tensor<[1,736,14,14,f32]> tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,768,1,1,f32]> tensor<[1,768,14,14,f32]> tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,78,1,1,f32]> tensor<[1,78,28,28,f32]> tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,800,1,1,f32]> tensor<[1,800,14,14,f32]> tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,14,14,f32]> tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,15,15,f32]> tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,80,1,1,f32]> tensor<[1,80,7,7,f32]> tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,816,1,1,f32]> tensor<[1,816,10,10,f32]> tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,816,1,1,f32]> tensor<[1,816,19,19,f32]> tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,832,1,1,f32]> tensor<[1,832,14,14,f32]> tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,864,1,1,f32]> tensor<[1,864,14,14,f32]> tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 + d2, d3), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,88,1,1,f32]> tensor<[1,88,17,17,f32]> tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,896,1,1,f32]> tensor<[1,896,14,14,f32]> tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,896,1,1,f32]> tensor<[1,896,7,7,f32]> tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,1,f32]> tensor<[1,8,112,112,f32]> tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,928,1,1,f32]> tensor<[1,928,14,14,f32]> tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,928,1,1,f32]> tensor<[1,928,7,7,f32]> tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,92,1,1,f32]> tensor<[1,92,14,14,f32]> tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 92 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,12,12,f32]> tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,14,14,f32]> tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,24,24,f32]> tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,3,3,f32]> tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,960,1,1,f32]> tensor<[1,960,7,7,f32]> tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,112,112,f32]> tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,120,120,f32]> tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,130,130,f32]> tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,14,14,f32]> tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,19,19,f32]> tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,28,28,f32]> tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,35,35,f32]> tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,56,56,f32]> tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,60,60,f32]> tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,65,65,f32]> tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,71,71,f32]> tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,96,1,1,f32]> tensor<[1,96,73,73,f32]> tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,98,1,1,f32]> tensor<[1,98,28,28,f32]> tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,992,1,1,f32]> tensor<[1,992,14,14,f32]> tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,992,1,1,f32]> tensor<[1,992,7,7,f32]> tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,7,1,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[3,1,1,f32]> tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,1,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,49,1,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,49,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[64,49,1,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[64,1,49,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[920,1,1,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,ui32]> tensor<[5,ui32]> tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,1,ui32]> tensor<[5,1,ui32]> tensor<[5,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,ui32]> tensor<[5,5,ui32]> tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[5,1,ui32]> tensor<[5,5,ui32]> tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,bf16]> tensor<[5,5,bf16]> tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1024,1,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,10,1,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1200,1,f32]> tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1200,1,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,12,1,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1370,1,f32]> tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1370,1,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1445,1,f32]> tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1445,1,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,14,14,1,f32]> tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,14,14,1,f32]> tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,14,1,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,14,1,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1500,1,f32]> tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1500,1,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16384,1,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,16,1,f32]> tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,16,1,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,19200,1,f32]> tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,19200,1,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,196,1,f32]> tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,196,1,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,197,1,f32]> tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,197,1,f32]> tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,197,1,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,201,1,f32]> tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,201,1,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,2048,1,f32]> tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,2048,1,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,256,1,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,257,1,f32]> tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,257,1,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,25,1,f32]> tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,25,1,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,27,1,f32]> tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,27,1,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,28,28,1,f32]> tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,28,28,1,f32]> tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,28,28,1,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,300,1,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,32,1,1,f32]> tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4096,1,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,45,1,f32]> tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,45,1,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,4800,1,f32]> tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,4800,1,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,50,1,f32]> tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,50,1,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,56,56,1,f32]> tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,56,56,1,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,5,1,f32]> tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,5,1,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,64,1,f32]> tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,64,1,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,65536,1,f32]> tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,65536,1,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,6,1,f32]> tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,6,1,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,1,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,7,7,1,f32]> tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,7,7,1,f32]> tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,7,7,1,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,8,1,f32]> tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,8,1,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.add | tensor<[1,9,1,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[2,7,1,f32]> tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[2,7,1,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[4,1,1,f32]> tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[4,1,1,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[920,1,1,f32]> tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[920,1,1,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[16,49,49,bf16]> tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,11,ui32]> tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,12,ui32]> tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,13,ui32]> tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,14,ui32]> tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,15,ui32]> tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,16,ui32]> tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,17,ui32]> tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,18,ui32]> tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,19,ui32]> tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,10,10,bf16]> tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,13,13,bf16]> tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,14,14,bf16]> tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,16,16,bf16]> tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,256,256,bf16]> tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,25,25,bf16]> tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,32,32,bf16]> tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,45,45,bf16]> tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,5,5,bf16]> tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,6,6,bf16]> tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[1,1,9,9,bf16]> tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,20,ui32]> tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,21,ui32]> tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,22,ui32]> tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,23,ui32]> tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,24,ui32]> tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,25,ui32]> tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,26,ui32]> tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,27,ui32]> tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,28,ui32]> tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,29,ui32]> tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,5,ui32]> tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,6,ui32]> tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,7,ui32]> tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,8,ui32]> tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,ui32]> tensor<[1,9,ui32]> tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,bf16]> tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,1,f32]> tensor<[4,1,1,13,f32]> tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[6,6,f32]> tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,f32]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.add | tensor<[1,1,1,f32]> tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.arange
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 11 : i64 memory_config: #ttnn.memory_config<#dram, <<1x11>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 12 : i64 memory_config: #ttnn.memory_config<#dram, <<1x12>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 12, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 13 : i64 memory_config: #ttnn.memory_config<#dram, <<1x13>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 13, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 14 : i64 memory_config: #ttnn.memory_config<#dram, <<1x14>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 14, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 15 : i64 memory_config: #ttnn.memory_config<#dram, <<1x15>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 16 : i64 memory_config: #ttnn.memory_config<#dram, <<1x16>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 17 : i64 memory_config: #ttnn.memory_config<#dram, <<1x17>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 17, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 18 : i64 memory_config: #ttnn.memory_config<#dram, <<1x18>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 19 : i64 memory_config: #ttnn.memory_config<#dram, <<1x19>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 19, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 20 : i64 memory_config: #ttnn.memory_config<#dram, <<1x20>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 21 : i64 memory_config: #ttnn.memory_config<#dram, <<1x21>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 22 : i64 memory_config: #ttnn.memory_config<#dram, <<1x22>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 23 : i64 memory_config: #ttnn.memory_config<#dram, <<1x23>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 23, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 24 : i64 memory_config: #ttnn.memory_config<#dram, <<1x24>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 25 : i64 memory_config: #ttnn.memory_config<#dram, <<1x25>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 25, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 26 : i64 memory_config: #ttnn.memory_config<#dram, <<1x26>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 26, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 27 : i64 memory_config: #ttnn.memory_config<#dram, <<1x27>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 27, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 28 : i64 memory_config: #ttnn.memory_config<#dram, <<1x28>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 28, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 29 : i64 memory_config: #ttnn.memory_config<#dram, <<1x29>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 29, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 32 : i64 memory_config: #ttnn.memory_config<#dram, <<1x32>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 5 : i64 memory_config: #ttnn.memory_config<#dram, <<1x5>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 6 : i64 memory_config: #ttnn.memory_config<#dram, <<1x6>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 7 : i64 memory_config: #ttnn.memory_config<#dram, <<1x7>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 8 : i64 memory_config: #ttnn.memory_config<#dram, <<1x8>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 9 : i64 memory_config: #ttnn.memory_config<#dram, <<1x9>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 9, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 32 : i64 memory_config: #ttnn.memory_config<#dram, <<1x32>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'dram') | nan | nan | |
ttnn.arange | !tt.device<#device> | dtype: #tt.supportedDataTypes end: 5 : i64 memory_config: #ttnn.memory_config<#dram, <<1x5>>, start: 0 : i64 step: 1 : i64 | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'dram') | nan | nan |
ttnn.clamp
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.clamp | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | max: 4.000000e+00 : f32 min: -4.000000e+00 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.clamp | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | max: 1.000000e+00 : f32 min: -1.000000e+00 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.concat | tensor<[1,1,1280,bf16]> tensor<[1,1369,1280,bf16]> tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1369 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,16,32,f32]> tensor<[1,1,16,32,f32]> tensor<[1,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,192,bf16]> tensor<[1,1344,192,bf16]> tensor<[1,100,192,bf16]> tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1344 + d1, d2), memory_config: (42, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,64,f32]> tensor<[1,1,64,f32]> tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,7,32,bf16]> tensor<[1,1,7,32,bf16]> tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,768,bf16]> tensor<[1,196,768,bf16]> tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,768,bf16]> tensor<[1,256,768,bf16]> tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,768,bf16]> tensor<[1,49,768,bf16]> tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,100,14,14,bf16]> tensor<[1,100,14,14,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,10,ui32]> tensor<[1,1,ui32]> tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,112,14,14,bf16]> tensor<[1,288,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,528,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 14 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,528,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 14 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,11,ui32]> tensor<[1,1,ui32]> tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,1,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,1,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,10,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 132 + d1 * 11 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 132 + d1 * 11 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,11,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 132 + d1 * 11 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,12,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,12,64,bf16]> tensor<[1,12,12,64,bf16]> tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,13,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,14,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,15,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,16,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,17,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,18,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,19,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,2,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,3,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,4,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,45,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,46,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,46,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,46,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,47,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,47,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,47,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,48,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,48,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,48,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,49,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,49,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,49,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,5,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,50,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,51,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,51,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,51,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,52,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,52,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,52,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,53,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,53,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,53,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,54,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,54,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,54,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,55,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,55,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,55,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,56,56,bf16]> tensor<[1,12,56,56,bf16]> tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,56,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,57,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,57,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,57,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,58,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,58,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,58,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,59,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,59,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,59,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,60,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,60,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,6,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,60,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,61,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,61,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,61,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,62,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,62,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,62,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,63,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,63,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,63,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,64,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,65,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,65,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,64,f32]> tensor<[1,12,64,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,65,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,66,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,66,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,66,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,67,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,67,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,67,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,68,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,68,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,68,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,69,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,69,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,69,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,70,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,70,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,7,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,70,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,71,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,72,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,72,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,72,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,73,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,74,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,74,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,74,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,75,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,75,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,75,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,76,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,76,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,76,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,77,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,77,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,77,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,78,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,78,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,78,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,79,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,79,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,79,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,8,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,80,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,81,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,81,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,81,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,82,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,82,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,82,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,83,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,83,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,83,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,84,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,84,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,84,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,85,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,85,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,85,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,86,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,86,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,86,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,87,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,87,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,87,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,88,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,88,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,88,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,89,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,89,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,89,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,90,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,90,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,9,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,90,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,91,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,91,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,91,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,92,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,92,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,92,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,93,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,93,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,93,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,94,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,94,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,94,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,95,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,95,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,95,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,96,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,96,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,96,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,97,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,97,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,97,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,98,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,98,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,98,64,bf16]> tensor<[1,12,1,64,bf16]> tensor<[1,12,99,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1188 + d1 * 99 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,12,99,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1188 + d1 * 99 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12288,85,bf16]> tensor<[1,3072,85,bf16]> tensor<[1,768,85,bf16]> tensor<[1,16128,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12288 + d1, d2), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16128 + d1, d2), memory_config: (504, 3, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,16128,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16128 + d1, d2), memory_config: (504, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,112,112,bf16]> tensor<[1,128,112,112,bf16]> tensor<[1,256,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 112 + d2, d3), memory_config: (896, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,256,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 112 + d2, d3), memory_config: (896, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,128,192,f32]> tensor<[1,128,128,192,f32]> tensor<[1,128,128,192,f32]> tensor<[1,128,128,192,f32]> tensor<[1,128,128,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,128,128,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,14,14,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,64,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,19,28,28,bf16]> tensor<[1,38,28,28,bf16]> tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,192,28,28,bf16]> tensor<[1,96,28,28,bf16]> tensor<[1,64,28,28,bf16]> tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,128,64,64,bf16]> tensor<[1,256,64,64,bf16]> tensor<[1,384,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,384,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,16,16,bf16]> tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1280,16,16,bf16]> tensor<[1,640,16,16,bf16]> tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1280,32,32,bf16]> tensor<[1,640,32,32,bf16]> tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,12,ui32]> tensor<[1,1,ui32]> tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,13,64,f32]> tensor<[1,13,64,f32]> tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,13,ui32]> tensor<[1,1,ui32]> tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,14,256,bf16]> tensor<[1,14,14,256,bf16]> tensor<[1,14,14,256,bf16]> tensor<[1,14,14,256,bf16]> tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,56,56,bf16]> tensor<[1,14,56,56,bf16]> tensor<[1,14,56,56,bf16]> tensor<[1,14,56,56,bf16]> tensor<[1,68,56,56,bf16]> tensor<[1,124,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 56 + d2, d3), memory_config: (217, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,124,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 56 + d2, d3), memory_config: (217, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,56,56,bf16]> tensor<[1,24,56,56,bf16]> tensor<[1,40,56,56,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,142,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7952 + d1 * 56 + d2, d3), memory_config: (249, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,142,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7952 + d1 * 56 + d2, d3), memory_config: (249, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,56,56,bf16]> tensor<[1,24,56,56,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,102,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5712 + d1 * 56 + d2, d3), memory_config: (179, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,102,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5712 + d1 * 56 + d2, d3), memory_config: (179, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,56,56,bf16]> tensor<[1,40,56,56,bf16]> tensor<[1,54,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3024 + d1 * 56 + d2, d3), memory_config: (95, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,54,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3024 + d1 * 56 + d2, d3), memory_config: (95, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,56,56,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,78,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4368 + d1 * 56 + d2, d3), memory_config: (137, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,78,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4368 + d1 * 56 + d2, d3), memory_config: (137, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,ui32]> tensor<[1,1,ui32]> tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1536,32,32,f32]> tensor<[1,1536,32,32,f32]> tensor<[1,3072,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 32 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,3072,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 32 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,15,ui32]> tensor<[1,1,ui32]> tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,1,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,10,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,10,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,11,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,11,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,12,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,12,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,13,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,13,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,14,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,14,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,15,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,15,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,16,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,16,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,16,768,f32]> tensor<[1,16,16,768,f32]> tensor<[1,16,16,768,f32]> tensor<[1,16,16,768,f32]> tensor<[1,16,16,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,16,16,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,17,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,17,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,18,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,18,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,19,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,19,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,2,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,20,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,20,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,21,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,21,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,22,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,22,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,23,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,23,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,24,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,25,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,26,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,26,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,26,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,27,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,27,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,27,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,134,28,28,bf16]> tensor<[1,262,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7336 + d1 * 28 + d2, d3), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,262,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7336 + d1 * 28 + d2, d3), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,28,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,172,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4816 + d1 * 28 + d2, d3), memory_config: (151, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,172,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4816 + d1 * 28 + d2, d3), memory_config: (151, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,28,28,28,bf16]> tensor<[1,46,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,218,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6104 + d1 * 28 + d2, d3), memory_config: (191, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,218,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6104 + d1 * 28 + d2, d3), memory_config: (191, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,28,28,28,bf16]> tensor<[1,46,28,28,bf16]> tensor<[1,78,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,296,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 28 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,296,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 28 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,28,28,28,bf16]> tensor<[1,78,28,28,bf16]> tensor<[1,122,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3416 + d1 * 28 + d2, d3), memory_config: (107, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,122,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3416 + d1 * 28 + d2, d3), memory_config: (107, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,46,28,28,bf16]> tensor<[1,62,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1736 + d1 * 28 + d2, d3), memory_config: (55, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,62,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1736 + d1 * 28 + d2, d3), memory_config: (55, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,28,bf16]> tensor<[1,78,28,28,bf16]> tensor<[1,94,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2632 + d1 * 28 + d2, d3), memory_config: (83, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,94,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2632 + d1 * 28 + d2, d3), memory_config: (83, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,28,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,29,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 464 + d1 * 29 + d2, d3), memory_config: (15, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,29,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 464 + d1 * 29 + d2, d3), memory_config: (15, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,3,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,4,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,5,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,6,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,6,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,7,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,7,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,8,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,8,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,9,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,9,64,bf16]> tensor<[1,16,1,64,bf16]> tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,160,14,14,bf16]> tensor<[1,224,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> tensor<[1,462,7,7,bf16]> tensor<[1,782,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5474 + d1 * 7 + d2, d3), memory_config: (172, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,782,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5474 + d1 * 7 + d2, d3), memory_config: (172, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,160,7,7,bf16]> tensor<[1,272,7,7,bf16]> tensor<[1,640,7,7,bf16]> tensor<[1,1072,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 7 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7504 + d1 * 7 + d2, d3), memory_config: (235, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1072,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7504 + d1 * 7 + d2, d3), memory_config: (235, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,160,7,7,bf16]> tensor<[1,640,7,7,bf16]> tensor<[1,800,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 7 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5600 + d1 * 7 + d2, d3), memory_config: (175, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,800,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5600 + d1 * 7 + d2, d3), memory_config: (175, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,16,ui32]> tensor<[1,1,ui32]> tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,17,ui32]> tensor<[1,1,ui32]> tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,18,ui32]> tensor<[1,1,ui32]> tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,192,14,14,bf16]> tensor<[1,208,14,14,bf16]> tensor<[1,48,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,192,256,256,f32]> tensor<[1,192,256,256,f32]> tensor<[1,384,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,384,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,192,35,35,bf16]> tensor<[1,192,35,35,bf16]> tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,192,8,8,bf16]> tensor<[1,320,8,8,bf16]> tensor<[1,1024,8,8,bf16]> tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 8 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,19,ui32]> tensor<[1,1,ui32]> tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,1,ui32]> tensor<[1,1,ui32]> tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,1,64,bf16]> tensor<[1,2,1,64,bf16]> tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,12,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,12,64,bf16]> tensor<[1,2,12,64,bf16]> tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,13,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 14 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 14 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,14,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,15,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 14 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 15 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,15,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 15 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,15,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 15 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 16 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 16 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,16,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 16 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 * 17 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 * 17 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,17,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,18,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 * 17 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 18 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,18,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 18 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,18,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,19,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 18 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 * 19 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,19,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 * 19 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,19,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 * 19 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 20 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 20 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,20,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,21,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 20 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 21 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,21,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 21 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,21,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,22,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 21 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 44 + d1 * 22 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,22,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 44 + d1 * 22 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,22,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,23,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 44 + d1 * 22 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 * 23 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,23,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 * 23 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,23,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 * 23 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 24 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 24 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,24,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,25,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 24 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50 + d1 * 25 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,25,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50 + d1 * 25 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,25,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,26,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50 + d1 * 25 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 26 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,26,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 26 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,26,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,27,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 26 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 27 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,27,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 27 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,27,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 27 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 28 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 28 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,28,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,29,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 28 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 * 29 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,2,29,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 * 29 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,168,28,28,bf16]> tensor<[1,328,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 28 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,328,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 28 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,276,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7728 + d1 * 28 + d2, d3), memory_config: (242, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,276,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7728 + d1 * 28 + d2, d3), memory_config: (242, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,34,28,28,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,310,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8680 + d1 * 28 + d2, d3), memory_config: (272, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,310,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8680 + d1 * 28 + d2, d3), memory_config: (272, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,34,28,28,bf16]> tensor<[1,58,28,28,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,368,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 28 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,368,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 28 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,34,28,28,bf16]> tensor<[1,58,28,28,bf16]> tensor<[1,98,28,28,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,466,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13048 + d1 * 28 + d2, d3), memory_config: (408, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,466,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13048 + d1 * 28 + d2, d3), memory_config: (408, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,34,28,28,bf16]> tensor<[1,98,28,28,bf16]> tensor<[1,152,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 28 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,152,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 28 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,58,28,28,bf16]> tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,28,28,bf16]> tensor<[1,98,28,28,bf16]> tensor<[1,118,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 28 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,118,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 28 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,20,ui32]> tensor<[1,1,ui32]> tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,21,ui32]> tensor<[1,1,ui32]> tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,22,ui32]> tensor<[1,1,ui32]> tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,23,ui32]> tensor<[1,1,ui32]> tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,24,112,112,bf16]> tensor<[1,24,112,112,bf16]> tensor<[1,48,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 112 + d2, d3), memory_config: (168, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,48,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 112 + d2, d3), memory_config: (168, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,24,32,64,bf16]> tensor<[1,24,32,64,bf16]> tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2400,4,f32]> tensor<[1,600,4,f32]> tensor<[1,150,4,f32]> tensor<[1,54,4,f32]> tensor<[1,24,4,f32]> tensor<[1,6,4,f32]> tensor<[1,3234,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2400 + d1, d2), memory_config: (75, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 600 + d1, d2), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 150 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 54 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3234 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,3234,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3234 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2400,91,f32]> tensor<[1,600,91,f32]> tensor<[1,150,91,f32]> tensor<[1,54,91,f32]> tensor<[1,24,91,f32]> tensor<[1,6,91,f32]> tensor<[1,3234,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2400 + d1, d2), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 600 + d1, d2), memory_config: (19, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 150 + d1, d2), memory_config: (5, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 54 + d1, d2), memory_config: (2, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3234 + d1, d2), memory_config: (102, 3, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,3234,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3234 + d1, d2), memory_config: (102, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,24,ui32]> tensor<[1,1,ui32]> tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,128,128,bf16]> tensor<[1,256,128,128,bf16]> tensor<[1,256,128,128,bf16]> tensor<[1,256,128,128,bf16]> tensor<[1,1024,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 128 + d2, d3), memory_config: (4096, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1024,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 128 + d2, d3), memory_config: (4096, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,128,14,14,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,14,14,bf16]> tensor<[1,320,14,14,bf16]> tensor<[1,128,14,14,bf16]> tensor<[1,128,14,14,bf16]> tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,28,28,bf16]> tensor<[1,160,28,28,bf16]> tensor<[1,160,28,28,bf16]> tensor<[1,160,28,28,bf16]> tensor<[1,736,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 28 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,736,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 28 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,32,32,bf16]> tensor<[1,512,32,32,bf16]> tensor<[1,768,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,768,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,7,7,bf16]> tensor<[1,320,7,7,bf16]> tensor<[1,128,7,7,bf16]> tensor<[1,128,7,7,bf16]> tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,8,8,bf16]> tensor<[1,256,8,8,bf16]> tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,256,8,8,bf16]> tensor<[1,512,8,8,bf16]> tensor<[1,512,8,8,bf16]> tensor<[1,256,8,8,bf16]> tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,25,ui32]> tensor<[1,1,ui32]> tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,26,ui32]> tensor<[1,1,ui32]> tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,27,ui32]> tensor<[1,1,ui32]> tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,28,13,64,bf16]> tensor<[1,28,13,64,bf16]> tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,28,28,128,bf16]> tensor<[1,28,28,128,bf16]> tensor<[1,28,28,128,bf16]> tensor<[1,28,28,128,bf16]> tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,28,ui32]> tensor<[1,1,ui32]> tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,29,ui32]> tensor<[1,1,ui32]> tensor<[1,30,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,30,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,2,ui32]> tensor<[1,1,ui32]> tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,81,bf16]> tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | dim: 4 : si32 | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,81,bf16]> tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | dim: 4 : si32 | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,81,bf16]> tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | dim: 4 : si32 | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,32,128,128,bf16]> tensor<[1,32,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,32,32,384,f32]> tensor<[1,32,32,384,f32]> tensor<[1,32,32,384,f32]> tensor<[1,32,32,384,f32]> tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,32,32,64,bf16]> tensor<[1,32,32,64,bf16]> tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,32,32,768,f32]> tensor<[1,32,32,768,f32]> tensor<[1,32,32,768,f32]> tensor<[1,32,32,768,f32]> tensor<[1,32,32,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,32,32,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,32,64,f32]> tensor<[1,32,64,f32]> tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,336,14,14,bf16]> tensor<[1,336,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,36,56,56,bf16]> tensor<[1,36,56,56,bf16]> tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,384,128,128,f32]> tensor<[1,384,128,128,f32]> tensor<[1,768,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 128 + d2, d3), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 128 + d2, d3), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,768,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,384,17,17,bf16]> tensor<[1,256,17,17,bf16]> tensor<[1,256,17,17,bf16]> tensor<[1,128,17,17,bf16]> tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,384,17,17,bf16]> tensor<[1,256,17,17,bf16]> tensor<[1,384,17,17,bf16]> tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,384,32,32,f32]> tensor<[1,768,32,32,f32]> tensor<[1,1536,32,32,f32]> tensor<[1,3072,32,32,f32]> tensor<[1,5760,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 32 + d2, d3), memory_config: (384, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 32 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184320 + d1 * 32 + d2, d3), memory_config: (5760, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,5760,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184320 + d1 * 32 + d2, d3), memory_config: (5760, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,384,7,7,bf16]> tensor<[1,384,7,7,bf16]> tensor<[1,128,7,7,bf16]> tensor<[1,128,7,7,bf16]> tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3,ui32]> tensor<[1,1,ui32]> tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,4,13,64,bf16]> tensor<[1,4,13,64,bf16]> tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,116,14,14,bf16]> tensor<[1,156,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 14 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,156,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 14 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,196,14,14,bf16]> tensor<[1,236,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 14 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,236,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 14 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,320,14,14,bf16]> tensor<[1,360,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5040 + d1 * 14 + d2, d3), memory_config: (158, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,360,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5040 + d1 * 14 + d2, d3), memory_config: (158, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,334,14,14,bf16]> tensor<[1,654,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9156 + d1 * 14 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,654,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9156 + d1 * 14 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,68,14,14,bf16]> tensor<[1,116,14,14,bf16]> tensor<[1,196,14,14,bf16]> tensor<[1,320,14,14,bf16]> tensor<[1,740,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10360 + d1 * 14 + d2, d3), memory_config: (324, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,740,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10360 + d1 * 14 + d2, d3), memory_config: (324, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,68,14,14,bf16]> tensor<[1,116,14,14,bf16]> tensor<[1,320,14,14,bf16]> tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,68,14,14,bf16]> tensor<[1,196,14,14,bf16]> tensor<[1,304,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 14 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,304,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 14 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,40,14,14,bf16]> tensor<[1,68,14,14,bf16]> tensor<[1,320,14,14,bf16]> tensor<[1,428,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5992 + d1 * 14 + d2, d3), memory_config: (188, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,428,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5992 + d1 * 14 + d2, d3), memory_config: (188, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,45,ui32]> tensor<[1,1,ui32]> tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,46,ui32]> tensor<[1,1,ui32]> tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,47,ui32]> tensor<[1,1,ui32]> tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,480,7,7,bf16]> tensor<[1,480,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,48,ui32]> tensor<[1,1,ui32]> tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,49,ui32]> tensor<[1,1,ui32]> tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,4,ui32]> tensor<[1,1,ui32]> tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,5,16,32,f32]> tensor<[1,5,16,32,f32]> tensor<[1,5,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,5,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,50,ui32]> tensor<[1,1,ui32]> tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,512,14,14,bf16]> tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> tensor<[1,256,7,7,bf16]> tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,51,ui32]> tensor<[1,1,ui32]> tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,52,ui32]> tensor<[1,1,ui32]> tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,53,ui32]> tensor<[1,1,ui32]> tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,54,ui32]> tensor<[1,1,ui32]> tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,55,ui32]> tensor<[1,1,ui32]> tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,56,14,14,bf16]> tensor<[1,56,14,14,bf16]> tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,56,ui32]> tensor<[1,1,ui32]> tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,57,ui32]> tensor<[1,1,ui32]> tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,58,ui32]> tensor<[1,1,ui32]> tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,59,ui32]> tensor<[1,1,ui32]> tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,5,ui32]> tensor<[1,1,ui32]> tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,1,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,10,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 10 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 66 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 66 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,11,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 66 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,12,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 * 13 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 * 13 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,13,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 * 13 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 14 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 14 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,14,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 14 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,15,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,16,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102 + d1 * 17 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102 + d1 * 17 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,17,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102 + d1 * 17 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 18 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 18 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,18,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 18 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 114 + d1 * 19 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 114 + d1 * 19 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,19,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 114 + d1 * 19 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 20 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 20 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,2,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,3,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,4,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 5 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 5 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,5,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 5 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,6,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,7,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,8,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 9 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 9 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,9,64,bf16]> tensor<[1,6,1,64,bf16]> tensor<[1,6,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 9 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 10 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,6,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 10 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,60,28,28,bf16]> tensor<[1,60,28,28,bf16]> tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,60,ui32]> tensor<[1,1,ui32]> tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,61,ui32]> tensor<[1,1,ui32]> tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,62,ui32]> tensor<[1,1,ui32]> tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,63,ui32]> tensor<[1,1,ui32]> tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> tensor<[1,128,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 120 + d2, d3), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 120 + d2, d3), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,224,224,bf16]> tensor<[1,64,224,224,bf16]> tensor<[1,128,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 224 + d2, d3), memory_config: (896, 7, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 224 + d2, d3), memory_config: (896, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> tensor<[1,128,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 30 + d2, d3), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 30 + d2, d3), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,448,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 56 + d2, d3), memory_config: (784, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,448,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 56 + d2, d3), memory_config: (784, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,64,192,f32]> tensor<[1,64,64,192,f32]> tensor<[1,64,64,192,f32]> tensor<[1,64,64,192,f32]> tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,64,384,f32]> tensor<[1,64,64,384,f32]> tensor<[1,64,64,384,f32]> tensor<[1,64,64,384,f32]> tensor<[1,64,64,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | dim: 3 : si32 | tensor<[1,64,64,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,64,64,bf16]> tensor<[1,64,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,73,73,bf16]> tensor<[1,96,73,73,bf16]> tensor<[1,160,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11680 + d1 * 73 + d2, d3), memory_config: (365, 3, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,160,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11680 + d1 * 73 + d2, d3), memory_config: (365, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,640,32,32,bf16]> tensor<[1,320,32,32,bf16]> tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,640,64,64,bf16]> tensor<[1,320,64,64,bf16]> tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,64,ui32]> tensor<[1,1,ui32]> tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,65,ui32]> tensor<[1,1,ui32]> tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,66,ui32]> tensor<[1,1,ui32]> tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,67,ui32]> tensor<[1,1,ui32]> tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,68,ui32]> tensor<[1,1,ui32]> tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,69,ui32]> tensor<[1,1,ui32]> tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,ui32]> tensor<[1,1,ui32]> tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,7,7,512,bf16]> tensor<[1,7,7,512,bf16]> tensor<[1,7,7,512,bf16]> tensor<[1,7,7,512,bf16]> tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,70,ui32]> tensor<[1,1,ui32]> tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,71,7,32,bf16]> tensor<[1,71,7,32,bf16]> tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,71,ui32]> tensor<[1,1,ui32]> tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,72,ui32]> tensor<[1,1,ui32]> tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,73,ui32]> tensor<[1,1,ui32]> tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,74,ui32]> tensor<[1,1,ui32]> tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,75,ui32]> tensor<[1,1,ui32]> tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,768,64,64,f32]> tensor<[1,768,64,64,f32]> tensor<[1,1536,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 64 + d2, d3), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 64 + d2, d3), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,1536,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,768,7,7,bf16]> tensor<[1,224,7,7,bf16]> tensor<[1,224,7,7,bf16]> tensor<[1,224,7,7,bf16]> tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 7 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,76,ui32]> tensor<[1,1,ui32]> tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,77,ui32]> tensor<[1,1,ui32]> tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,78,ui32]> tensor<[1,1,ui32]> tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,79,ui32]> tensor<[1,1,ui32]> tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,7,ui32]> tensor<[1,1,ui32]> tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,1,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,10,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,11,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,112,112,bf16]> tensor<[1,8,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,12,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 104 + d1 * 13 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 104 + d1 * 13 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,13,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 104 + d1 * 13 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 14 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 14 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,14,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 14 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 15 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 15 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,15,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 15 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 16 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 16 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,16,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 16 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 * 17 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 * 17 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,17,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 * 17 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 18 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 18 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,18,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 18 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 152 + d1 * 19 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 152 + d1 * 19 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,19,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 152 + d1 * 19 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 20 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 20 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,2,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,3,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,32,64,bf16]> tensor<[1,8,32,64,bf16]> tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | dim: 3 : si32 | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,4,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,5,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,6,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,7,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,768,bf16]> tensor<[1,193,768,bf16]> tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,8,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,9,64,bf16]> tensor<[1,8,1,64,bf16]> tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,80,7,7,bf16]> tensor<[1,80,7,7,bf16]> tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,80,ui32]> tensor<[1,1,ui32]> tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,81,ui32]> tensor<[1,1,ui32]> tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,82,ui32]> tensor<[1,1,ui32]> tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,83,ui32]> tensor<[1,1,ui32]> tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,84,ui32]> tensor<[1,1,ui32]> tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,85,ui32]> tensor<[1,1,ui32]> tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,86,ui32]> tensor<[1,1,ui32]> tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,87,ui32]> tensor<[1,1,ui32]> tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,88,ui32]> tensor<[1,1,ui32]> tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,896,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,89,ui32]> tensor<[1,1,ui32]> tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,ui32]> tensor<[1,193,ui32]> tensor<[1,201,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,201,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,8,ui32]> tensor<[1,1,ui32]> tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,90,ui32]> tensor<[1,1,ui32]> tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,91,ui32]> tensor<[1,1,ui32]> tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,92,14,14,bf16]> tensor<[1,92,14,14,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,92,ui32]> tensor<[1,1,ui32]> tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,93,ui32]> tensor<[1,1,ui32]> tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,94,ui32]> tensor<[1,1,ui32]> tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,95,ui32]> tensor<[1,1,ui32]> tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,96,35,35,bf16]> tensor<[1,96,35,35,bf16]> tensor<[1,96,35,35,bf16]> tensor<[1,96,35,35,bf16]> tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,96,71,71,bf16]> tensor<[1,96,71,71,bf16]> tensor<[1,192,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13632 + d1 * 71 + d2, d3), memory_config: (426, 3, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,192,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13632 + d1 * 71 + d2, d3), memory_config: (426, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,96,ui32]> tensor<[1,1,ui32]> tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,97,ui32]> tensor<[1,1,ui32]> tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,98,ui32]> tensor<[1,1,ui32]> tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,99,ui32]> tensor<[1,1,ui32]> tensor<[1,100,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,100,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,9,ui32]> tensor<[1,1,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 1 : si32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> tensor<[4,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | dim: 0 : si32 | tensor<[4,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[2,13,ui32]> tensor<[2,13,ui32]> tensor<[4,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim: 0 : si32 | tensor<[4,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,132,192,f32]> tensor<[1,126,132,192,f32]> tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,132,6,192,f32]> tensor<[1,132,126,192,f32]> tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,126,132,384,f32]> tensor<[1,6,132,384,f32]> tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,132,126,384,f32]> tensor<[1,132,6,384,f32]> tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,132,384,f32]> tensor<[1,126,132,384,f32]> tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,132,6,384,f32]> tensor<[1,132,126,384,f32]> tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,11,14,512,bf16]> tensor<[1,3,14,512,bf16]> tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,11,512,bf16]> tensor<[1,14,3,512,bf16]> tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3,14,512,bf16]> tensor<[1,11,14,512,bf16]> tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,14,3,512,bf16]> tensor<[1,14,11,512,bf16]> tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,18,24,1536,f32]> tensor<[1,6,24,1536,f32]> tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,24,18,1536,f32]> tensor<[1,24,6,1536,f32]> tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,24,1536,f32]> tensor<[1,18,24,1536,f32]> tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,24,6,1536,f32]> tensor<[1,24,18,1536,f32]> tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,258,264,192,f32]> tensor<[1,6,264,192,f32]> tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,264,258,192,f32]> tensor<[1,264,6,192,f32]> tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,264,192,f32]> tensor<[1,258,264,192,f32]> tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,264,6,192,f32]> tensor<[1,264,258,192,f32]> tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,25,28,256,bf16]> tensor<[1,3,28,256,bf16]> tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,28,25,256,bf16]> tensor<[1,28,3,256,bf16]> tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3,28,256,bf16]> tensor<[1,25,28,256,bf16]> tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,28,3,256,bf16]> tensor<[1,28,25,256,bf16]> tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,30,36,1536,f32]> tensor<[1,6,36,1536,f32]> tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,36,30,1536,f32]> tensor<[1,36,6,1536,f32]> tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,36,1536,f32]> tensor<[1,30,36,1536,f32]> tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,36,6,1536,f32]> tensor<[1,36,30,1536,f32]> tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,30,36,768,f32]> tensor<[1,6,36,768,f32]> tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,36,30,768,f32]> tensor<[1,36,6,768,f32]> tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,36,768,f32]> tensor<[1,30,36,768,f32]> tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,36,6,768,f32]> tensor<[1,36,30,768,f32]> tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,53,56,128,bf16]> tensor<[1,3,56,128,bf16]> tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,56,53,128,bf16]> tensor<[1,56,3,128,bf16]> tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3,56,128,bf16]> tensor<[1,53,56,128,bf16]> tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | dim: 1 : si32 | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,56,3,128,bf16]> tensor<[1,56,53,128,bf16]> tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,66,72,384,f32]> tensor<[1,6,72,384,f32]> tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,72,66,384,f32]> tensor<[1,72,6,384,f32]> tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,72,384,f32]> tensor<[1,66,72,384,f32]> tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,72,6,384,f32]> tensor<[1,72,66,384,f32]> tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,66,72,768,f32]> tensor<[1,6,72,768,f32]> tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,72,66,768,f32]> tensor<[1,72,6,768,f32]> tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,6,72,768,f32]> tensor<[1,66,72,768,f32]> tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,72,6,768,f32]> tensor<[1,72,66,768,f32]> tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,1,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dim: 2 : si32 | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,5,16,16,1,bf16]> tensor<[1,5,16,16,1,bf16]> tensor<[1,5,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1280 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1280 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1280 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dim: 4 : si32 | tensor<[1,5,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1280 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[1,100,1,256,bf16]> tensor<[1,100,1,256,bf16]> tensor<[1,100,1,256,bf16]> tensor<[1,100,1,256,bf16]> tensor<[1,100,1,256,bf16]> tensor<[1,100,1,256,bf16]> tensor<[6,100,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | dim: 0 : si32 | tensor<[6,100,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.concat | tensor<[3234,1,1,f32]> tensor<[3234,1,1,f32]> tensor<[3234,1,1,f32]> tensor<[3234,1,1,f32]> tensor<[3234,1,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[3234,1,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[3234,2,1,f32]> tensor<[3234,2,1,f32]> tensor<[3234,2,2,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | dim: 2 : si32 | tensor<[3234,2,2,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.concat | tensor<[4,1,1,2048,f32]> tensor<[4,1,1,2048,f32]> tensor<[4,1,1,2048,f32]> tensor<[4,1,1,2048,f32]> tensor<[4,4,1,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | dim: 1 : si32 | tensor<[4,4,1,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.conv2d
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.conv2d | tensor<[1,1,100,1024,bf16]> tensor<[1024,1024,1,1,bf16]> tensor<[1,1,100,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1024,bf16]> tensor<[1024,1,3,3,bf16]> tensor<[1,1,100,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1024 : i32 in_channels: 1024 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1024,bf16]> tensor<[1536,1024,1,1,bf16]> tensor<[1,1,100,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (1572864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1536 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,1024,bf16]> tensor<[256,1024,1,1,bf16]> tensor<[1,1,16384,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[1024,1024,1,1,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[1024,1024,3,3,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 3 + d2, d3), memory_config: (3145728, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[1024,1024,3,3,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 3 + d2, d3), memory_config: (3145728, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[1024,16,3,3,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[128,1024,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[2048,1024,1,1,bf16]> tensor<[1,1,196,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (2097152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[2048,1024,1,1,bf16]> tensor<[1,1,49,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (2097152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[256,1024,1,1,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1024,bf16]> tensor<[512,1024,1,1,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1024,bf16]> tensor<[1024,1,3,3,bf16]> tensor<[1,1,256,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1024 : i32 in_channels: 1024 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1024,bf16]> tensor<[255,1024,1,1,bf16]> tensor<[1,1,256,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (261120, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 255 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1024,bf16]> tensor<[512,1024,1,1,bf16]> tensor<[1,1,256,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,1024,bf16]> tensor<[128,1024,1,1,bf16]> tensor<[1,1,289,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,1024,bf16]> tensor<[192,1024,1,1,bf16]> tensor<[1,1,289,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (196608, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,1024,bf16]> tensor<[256,1024,1,1,bf16]> tensor<[1,1,289,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,1024,bf16]> tensor<[384,1024,1,1,bf16]> tensor<[1,1,289,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (393216, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 384 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,1024,bf16]> tensor<[1024,1,3,3,bf16]> tensor<[1,1,100,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1024 : i32 in_channels: 1024 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,1024,bf16]> tensor<[1024,1024,1,1,bf16]> tensor<[1,1,1,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,1024,bf16]> tensor<[1024,16,3,3,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 1024 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,1024,bf16]> tensor<[512,1024,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 3 + d2, d3), memory_config: (1572864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,1024,bf16]> tensor<[2048,1024,1,1,bf16]> tensor<[1,1,920,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (2097152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 45 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,1024,bf16]> tensor<[256,1024,1,1,bf16]> tensor<[1,1,3600,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 45 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,1024,bf16]> tensor<[512,1024,1,1,bf16]> tensor<[1,1,3600,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 45 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,512,1024,bf16]> tensor<[256,1024,1,1,bf16]> tensor<[1,1,512,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 512 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,512,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1024,bf16]> tensor<[1024,1024,1,1,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1024,bf16]> tensor<[1024,1024,3,3,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 3 + d2, d3), memory_config: (3145728, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1024,bf16]> tensor<[1024,1,3,3,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1024 : i32 in_channels: 1024 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1024,bf16]> tensor<[128,1024,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1024,bf16]> tensor<[2048,1024,1,1,bf16]> tensor<[1,1,49,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (2097152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1024,bf16]> tensor<[2048,1024,1,1,bf16]> tensor<[1,1,49,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (2097152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1024 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,102,bf16]> tensor<[40,102,3,3,bf16]> tensor<[1,1,3136,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 306 + d1 * 3 + d2, d3), memory_config: (12240, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 102 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 40 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1056,bf16]> tensor<[128,1056,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 33, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (135168, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1056 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1056,bf16]> tensor<[128,1056,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 33, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (135168, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1056 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1072,bf16]> tensor<[462,1072,3,3,bf16]> tensor<[1,1,49,462,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3216 + d1 * 3 + d2, d3), memory_config: (1485792, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 462, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1072 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 462 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,462,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 462, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1088,bf16]> tensor<[128,1088,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (139264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1088 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1088,bf16]> tensor<[768,1088,1,1,bf16]> tensor<[1,1,196,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (835584, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1088 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1088,bf16]> tensor<[128,1088,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (139264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1088 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1120,bf16]> tensor<[128,1120,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 35, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (143360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1120 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1120,bf16]> tensor<[128,1120,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 35, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (143360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1120 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,112,bf16]> tensor<[112,1,5,5,bf16]> tensor<[1,1,49,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (560, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 112 : i32 in_channels: 112 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 112 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,112,bf16]> tensor<[224,112,3,3,bf16]> tensor<[1,1,196,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 3 + d2, d3), memory_config: (75264, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 224, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 224 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 224, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,112,bf16]> tensor<[336,112,1,1,bf16]> tensor<[1,1,196,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (37632, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 336 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,112,bf16]> tensor<[672,112,1,1,bf16]> tensor<[1,1,196,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (75264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,112,bf16]> tensor<[672,112,1,1,bf16]> tensor<[1,1,225,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (75264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,112,f32]> tensor<[672,112,1,1,f32]> tensor<[1,1,400,672,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (75264, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,112,bf16]> tensor<[672,112,1,1,bf16]> tensor<[1,1,576,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (75264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,112,bf16]> tensor<[160,112,1,1,bf16]> tensor<[1,1,49,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (17920, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,112,bf16]> tensor<[672,112,1,1,bf16]> tensor<[1,1,49,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (75264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 112 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1152,bf16]> tensor<[128,1152,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (147456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1152 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1152,bf16]> tensor<[1152,1,3,3,bf16]> tensor<[1,1,49,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3456, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1152 : i32 in_channels: 1152 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1152 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1152,bf16]> tensor<[1152,1,5,5,bf16]> tensor<[1,1,49,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (5760, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1152 : i32 in_channels: 1152 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 1152 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1152,bf16]> tensor<[128,1152,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (147456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1152 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1152,bf16]> tensor<[192,1152,1,1,bf16]> tensor<[1,1,49,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (221184, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1152 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1152,bf16]> tensor<[320,1152,1,1,bf16]> tensor<[1,1,49,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (368640, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1152 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1152,bf16]> tensor<[1152,1,3,3,bf16]> tensor<[1,1,64,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3456, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1152 : i32 in_channels: 1152 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1152 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1152,bf16]> tensor<[1152,1,5,5,bf16]> tensor<[1,1,64,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (5760, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1152 : i32 in_channels: 1152 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 1152 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1152,bf16]> tensor<[192,1152,1,1,bf16]> tensor<[1,1,64,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (221184, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1152 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1152,bf16]> tensor<[320,1152,1,1,bf16]> tensor<[1,1,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (368640, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1152 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,116,bf16]> tensor<[40,116,3,3,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 * 3 + d2, d3), memory_config: (13920, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 116 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 40 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1184,bf16]> tensor<[128,1184,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 37, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (151552, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1184 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1184,bf16]> tensor<[128,1184,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 37, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (151552, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1184 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,118,bf16]> tensor<[34,118,3,3,bf16]> tensor<[1,1,784,34,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 354 + d1 * 3 + d2, d3), memory_config: (12036, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 118 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 34 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,120,bf16]> tensor<[120,1,1,5,bf16]> tensor<[1,1,196,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (120, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 120 : i32 in_channels: 120 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,120,bf16]> tensor<[120,1,5,1,bf16]> tensor<[1,1,196,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 120 : i32 in_channels: 120 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,120,bf16]> tensor<[720,120,1,1,bf16]> tensor<[1,1,289,720,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (86400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 120 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 720 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,120,bf16]> tensor<[32,120,1,1,bf16]> tensor<[1,1,1,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (3840, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 120 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,120,bf16]> tensor<[480,120,1,1,bf16]> tensor<[1,1,1,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (57600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 120 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,120,bf16]> tensor<[120,1,3,3,bf16]> tensor<[1,1,784,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (360, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 120 : i32 in_channels: 120 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 120 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,120,bf16]> tensor<[120,1,5,5,bf16]> tensor<[1,1,784,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (600, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 120 : i32 in_channels: 120 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 120 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,120,bf16]> tensor<[20,120,1,1,bf16]> tensor<[1,1,784,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (2400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 120 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 20 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,120,bf16]> tensor<[40,120,1,1,bf16]> tensor<[1,1,784,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 120 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1600,120,f32]> tensor<[120,1,5,5,f32]> tensor<[1,1,1600,120,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (600, 5, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 120 : i32 in_channels: 120 : i32 input_height: 40 : i32 input_width: 40 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 120 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1600,120,f32]> tensor<[40,120,1,1,f32]> tensor<[1,1,1600,40,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4800, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 120 : i32 input_height: 40 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1216,bf16]> tensor<[128,1216,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 38, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (155648, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1216 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1216,bf16]> tensor<[128,1216,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 38, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (155648, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1216 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,122,bf16]> tensor<[46,122,3,3,bf16]> tensor<[1,1,784,46,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 366 + d1 * 3 + d2, d3), memory_config: (16836, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 122 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 46 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1248,bf16]> tensor<[128,1248,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 39, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (159744, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1248 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1248,bf16]> tensor<[128,1248,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 39, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (159744, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1248 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,81,1248,bf16]> tensor<[1248,1,3,3,bf16]> tensor<[1,1,81,1248,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3744, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1248 : i32 in_channels: 1248 : i32 input_height: 9 : i32 input_width: 9 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1248 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,81,1248,bf16]> tensor<[1248,1,5,5,bf16]> tensor<[1,1,81,1248,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (6240, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1248 : i32 in_channels: 1248 : i32 input_height: 9 : i32 input_width: 9 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 1248 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,81,1248,bf16]> tensor<[208,1248,1,1,bf16]> tensor<[1,1,81,208,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (259584, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1248 : i32 input_height: 9 : i32 input_width: 9 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 208 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,81,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,81,1248,bf16]> tensor<[352,1248,1,1,bf16]> tensor<[1,1,81,352,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (439296, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 352, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1248 : i32 input_height: 9 : i32 input_width: 9 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 352 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,81,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 352, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,124,bf16]> tensor<[128,124,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 124 + d1 + d2, d3), memory_config: (15872, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 124 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1280,bf16]> tensor<[128,1280,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (163840, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1280,bf16]> tensor<[1280,1280,1,1,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (1638400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1280,bf16]> tensor<[1280,1280,3,3,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 3 + d2, d3), memory_config: (4915200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1280,bf16]> tensor<[1280,1280,3,3,bf16]> tensor<[1,1,64,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 3 + d2, d3), memory_config: (4915200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1200,1280,bf16]> tensor<[1280,1,3,3,bf16]> tensor<[1,1,1200,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (3840, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1280 : i32 in_channels: 1280 : i32 input_height: 30 : i32 input_width: 40 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1200,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,1280,bf16]> tensor<[1280,1280,3,3,bf16]> tensor<[1,1,1024,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 3 + d2, d3), memory_config: (4915200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,1280,bf16]> tensor<[640,1280,1,1,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (819200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 640 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,1280,bf16]> tensor<[640,1280,3,3,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 3 + d2, d3), memory_config: (2457600, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1280,bf16]> tensor<[128,1280,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (163840, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1280,bf16]> tensor<[512,1280,1,1,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (655360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1280,bf16]> tensor<[1280,1280,1,1,bf16]> tensor<[1,1,64,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (1638400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1280,bf16]> tensor<[1280,1280,3,3,bf16]> tensor<[1,1,64,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 3 + d2, d3), memory_config: (4915200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1280 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,12544,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,12544,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,19200,128,bf16]> tensor<[64,128,3,3,bf16]> tensor<[1,1,19200,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 120 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,128,bf16]> tensor<[128,1,3,3,bf16]> tensor<[1,1,16384,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,4096,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,128,bf16]> tensor<[64,128,1,1,bf16]> tensor<[1,1,16384,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,128,bf16]> tensor<[64,128,3,3,bf16]> tensor<[1,1,16384,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,128,bf16]> tensor<[256,128,1,1,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,128,bf16]> tensor<[32,128,3,3,bf16]> tensor<[1,1,196,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,128,bf16]> tensor<[512,128,1,1,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,128,bf16]> tensor<[128,128,1,1,bf16]> tensor<[1,1,22500,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,128,bf16]> tensor<[128,1,3,3,bf16]> tensor<[1,1,22500,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,128,bf16]> tensor<[128,1,3,3,bf16]> tensor<[1,1,5625,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,57600,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,14400,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 180 : i32 input_width: 320 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,128,f32]> tensor<[128,1,3,3,f32]> tensor<[1,1,1,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,128,f32]> tensor<[24,128,1,1,f32]> tensor<[1,1,1,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (3072, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,128,f32]> tensor<[546,128,1,1,f32]> tensor<[1,1,1,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (69888, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 546 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,128,bf16]> tensor<[64,128,3,3,bf16]> tensor<[1,1,50176,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[128,128,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[128,128,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 2 : i32 dilation_width: 2 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[128,1,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[16,128,3,3,bf16]> tensor<[1,1,784,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[192,128,3,3,bf16]> tensor<[1,1,784,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (73728, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[19,128,1,1,bf16]> tensor<[1,1,784,19,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (2432, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 19 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[256,128,1,1,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[256,128,1,1,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[32,128,3,3,bf16]> tensor<[1,1,784,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[38,128,1,1,bf16]> tensor<[1,1,784,38,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 38 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[512,128,1,1,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,128,bf16]> tensor<[512,128,1,1,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4,128,f32]> tensor<[256,128,1,1,f32]> tensor<[1,1,4,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32768, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 2 : i32 input_width: 2 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1200,128,bf16]> tensor<[64,128,3,3,bf16]> tensor<[1,1,1200,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 30 : i32 input_width: 40 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,128,bf16]> tensor<[128,128,1,1,bf16]> tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,128,f32]> tensor<[128,1,3,3,f32]> tensor<[1,1,4,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,4,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,128,f32]> tensor<[256,128,1,1,f32]> tensor<[1,1,9,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32768, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[128,128,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[128,1,3,3,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[128,1,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[256,128,1,1,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[32,128,3,3,bf16]> tensor<[1,1,3136,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,128,bf16]> tensor<[64,128,1,1,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25,128,f32]> tensor<[128,1,3,3,f32]> tensor<[1,1,9,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 5 : i32 input_width: 5 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4800,128,bf16]> tensor<[128,128,4,4,bf16]> tensor<[1,1,300,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 4 + d2, d3), memory_config: (65536, 4, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 60 : i32 input_width: 80 : i32 kernel_height: 4 : i32 kernel_width: 4 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,300,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4800,128,bf16]> tensor<[320,128,3,3,bf16]> tensor<[1,1,1200,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (122880, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 60 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1200,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4800,128,bf16]> tensor<[64,128,1,1,bf16]> tensor<[1,1,4800,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 60 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4800,128,bf16]> tensor<[64,128,3,3,bf16]> tensor<[1,1,4800,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 60 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,128,bf16]> tensor<[128,128,1,1,bf16]> tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,128,bf16]> tensor<[255,128,1,1,bf16]> tensor<[1,1,4096,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32640, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 255 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,4096,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,128,bf16]> tensor<[256,128,3,3,bf16]> tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,128,bf16]> tensor<[64,128,1,1,bf16]> tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,128,bf16]> tensor<[128,128,1,1,bf16]> tensor<[1,1,5625,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,128,bf16]> tensor<[128,1,3,3,bf16]> tensor<[1,1,5625,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (384, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 128 : i32 in_channels: 128 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,128,bf16]> tensor<[256,128,1,1,bf16]> tensor<[1,1,5625,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,128,bf16]> tensor<[32,128,3,3,bf16]> tensor<[1,1,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,128,bf16]> tensor<[128,128,3,3,bf16]> tensor<[1,1,14400,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (49152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 90 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,128,bf16]> tensor<[512,128,1,1,bf16]> tensor<[1,1,14400,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 128 : i32 input_height: 90 : i32 input_width: 160 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,12,bf16]> tensor<[12,1,3,3,bf16]> tensor<[1,1,3136,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (36, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 12 : i32 in_channels: 12 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 12 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1312,bf16]> tensor<[128,1312,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 41, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (167936, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1312 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1312,bf16]> tensor<[128,1312,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 41, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (167936, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1312 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1344,bf16]> tensor<[128,1344,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (172032, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1344 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1344,bf16]> tensor<[1344,1344,1,1,bf16]> tensor<[1,1,196,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (1806336, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1344 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1344 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1344,bf16]> tensor<[1344,168,3,3,bf16]> tensor<[1,1,196,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 3 + d2, d3), memory_config: (677376, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 8 : i32 in_channels: 1344 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1344 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1344,bf16]> tensor<[2520,1344,1,1,bf16]> tensor<[1,1,196,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (3386880, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2520, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1344 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2520 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2520, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1344,bf16]> tensor<[2520,1344,1,1,bf16]> tensor<[1,1,49,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (3386880, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1344 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2520 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,1344,bf16]> tensor<[1344,168,3,3,bf16]> tensor<[1,1,196,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 42, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 3 + d2, d3), memory_config: (677376, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 8 : i32 in_channels: 1344 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1344 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1344,bf16]> tensor<[128,1344,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 42, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (172032, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1344 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,136,bf16]> tensor<[816,136,1,1,bf16]> tensor<[1,1,361,816,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 + d2, d3), memory_config: (110976, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 136 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 816 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1376,bf16]> tensor<[128,1376,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 43, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (176128, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1376 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1376,bf16]> tensor<[128,1376,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 43, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (176128, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1376 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1392,bf16]> tensor<[1392,1,3,3,bf16]> tensor<[1,1,100,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (4176, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1392 : i32 in_channels: 1392 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1392 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1392,bf16]> tensor<[1392,1,5,5,bf16]> tensor<[1,1,100,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (6960, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1392 : i32 in_channels: 1392 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 1392 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1392,bf16]> tensor<[232,1392,1,1,bf16]> tensor<[1,1,100,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (322944, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1392 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 232 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1392,bf16]> tensor<[384,1392,1,1,bf16]> tensor<[1,1,100,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (534528, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1392 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 384 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1392,bf16]> tensor<[1392,1392,1,1,bf16]> tensor<[1,1,196,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (1937664, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1392 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1392 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1392,bf16]> tensor<[1392,232,3,3,bf16]> tensor<[1,1,196,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 3 + d2, d3), memory_config: (968832, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 6 : i32 in_channels: 1392 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1392 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1392,bf16]> tensor<[3712,1392,1,1,bf16]> tensor<[1,1,196,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (5167104, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 3712, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1392 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 3712 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 3712, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1392,bf16]> tensor<[3712,1392,1,1,bf16]> tensor<[1,1,49,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (5167104, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1392 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 3712 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,1392,bf16]> tensor<[174,1392,1,1,bf16]> tensor<[1,1,1,174,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (242208, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1392 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 174 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,1392,bf16]> tensor<[348,1392,1,1,bf16]> tensor<[1,1,1,348,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (484416, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1392 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 348 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,1392,bf16]> tensor<[1392,232,3,3,bf16]> tensor<[1,1,196,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 3 + d2, d3), memory_config: (968832, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 6 : i32 in_channels: 1392 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1392 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1408,bf16]> tensor<[128,1408,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (180224, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1408 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1408,bf16]> tensor<[128,1408,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 44, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (180224, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1408 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,142,bf16]> tensor<[68,142,3,3,bf16]> tensor<[1,1,3136,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 426 + d1 * 3 + d2, d3), memory_config: (28968, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 68, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 142 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 68 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 68, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1440,bf16]> tensor<[128,1440,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 45, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (184320, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1440 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1440,bf16]> tensor<[1024,1440,1,1,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (1474560, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1440 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1440,bf16]> tensor<[128,1440,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (184320, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1440 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,144,bf16]> tensor<[288,144,3,3,bf16]> tensor<[1,1,196,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 3 + d2, d3), memory_config: (124416, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 288, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 288 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 288, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22801,144,bf16]> tensor<[144,1,3,3,bf16]> tensor<[1,1,5625,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22801 + d1 * 22801 + d2, d3), memory_config: (713, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 151 : i32 input_width: 151 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,5625,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,36481,144,bf16]> tensor<[144,1,3,3,bf16]> tensor<[1,1,9025,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36481 + d1 * 36481 + d2, d3), memory_config: (1141, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 191 : i32 input_width: 191 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,9025,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,144,bf16]> tensor<[28,144,3,3,bf16]> tensor<[1,1,784,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 3 + d2, d3), memory_config: (12096, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 28 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,144,bf16]> tensor<[32,144,1,1,bf16]> tensor<[1,1,784,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (4608, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,144,bf16]> tensor<[40,144,1,1,bf16]> tensor<[1,1,784,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5760, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,900,144,bf16]> tensor<[40,144,1,1,bf16]> tensor<[1,1,900,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5760, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 30 : i32 input_width: 30 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,900,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1089,144,bf16]> tensor<[48,144,1,1,bf16]> tensor<[1,1,1089,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (6912, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 33 : i32 input_width: 33 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 48 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1089,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,144,bf16]> tensor<[144,1,3,3,bf16]> tensor<[1,1,3136,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,144,bf16]> tensor<[144,1,3,3,bf16]> tensor<[1,1,784,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,144,bf16]> tensor<[24,144,1,1,bf16]> tensor<[1,1,3136,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3481,144,bf16]> tensor<[144,1,5,5,bf16]> tensor<[1,1,784,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3481 + d1 * 3481 + d2, d3), memory_config: (109, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (720, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 59 : i32 input_width: 59 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,144,bf16]> tensor<[144,1,3,3,bf16]> tensor<[1,1,3600,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 60 : i32 input_width: 60 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,144,bf16]> tensor<[24,144,1,1,bf16]> tensor<[1,1,3600,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 60 : i32 input_width: 60 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3969,144,bf16]> tensor<[144,1,5,5,bf16]> tensor<[1,1,900,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3969 + d1 * 3969 + d2, d3), memory_config: (125, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (720, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 63 : i32 input_width: 63 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,900,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4225,144,bf16]> tensor<[144,1,3,3,bf16]> tensor<[1,1,4225,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 65 : i32 input_width: 65 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4225,144,bf16]> tensor<[24,144,1,1,bf16]> tensor<[1,1,4225,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 65 : i32 input_width: 65 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4225,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4761,144,bf16]> tensor<[144,1,5,5,bf16]> tensor<[1,1,1089,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4761 + d1 * 4761 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (720, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 144 : i32 in_channels: 144 : i32 input_height: 69 : i32 input_width: 69 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1089,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,144,bf16]> tensor<[32,144,1,1,bf16]> tensor<[1,1,5625,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (4608, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,144,bf16]> tensor<[1024,144,1,1,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (147456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,144,bf16]> tensor<[144,144,3,3,bf16]> tensor<[1,1,49,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 3 + d2, d3), memory_config: (62208, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,144,bf16]> tensor<[18,144,1,1,bf16]> tensor<[1,1,49,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (2592, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 18, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 18 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 18, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,144,bf16]> tensor<[256,144,1,1,bf16]> tensor<[1,1,49,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (36864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,144,bf16]> tensor<[36,144,1,1,bf16]> tensor<[1,1,49,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5184, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 36 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,144,bf16]> tensor<[72,144,1,1,bf16]> tensor<[1,1,49,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (10368, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 72 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9025,144,bf16]> tensor<[32,144,1,1,bf16]> tensor<[1,1,9025,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (4608, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 144 : i32 input_height: 95 : i32 input_width: 95 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9025,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1472,bf16]> tensor<[128,1472,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 46, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (188416, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1472 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1472,bf16]> tensor<[128,1472,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 46, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (188416, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1472 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1504,bf16]> tensor<[128,1504,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (192512, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1504 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1504,bf16]> tensor<[128,1504,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (192512, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1504 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,152,bf16]> tensor<[58,152,3,3,bf16]> tensor<[1,1,784,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 456 + d1 * 3 + d2, d3), memory_config: (26448, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 152 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 58 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1536,bf16]> tensor<[1536,1536,1,1,bf16]> tensor<[1,1,100,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (2359296, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1536 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1536 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1536,bf16]> tensor<[1536,1,3,3,bf16]> tensor<[1,1,100,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (4608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1536 : i32 in_channels: 1536 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1536 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,1536,bf16]> tensor<[2048,1536,1,1,bf16]> tensor<[1,1,100,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (3145728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1536 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1536,bf16]> tensor<[128,1536,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (196608, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1536 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1536,bf16]> tensor<[128,1536,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (196608, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1536 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1536,bf16]> tensor<[256,1536,1,1,bf16]> tensor<[1,1,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (393216, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1536 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,1536,bf16]> tensor<[384,1536,1,1,bf16]> tensor<[1,1,64,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1536 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 384 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1568,bf16]> tensor<[128,1568,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 49, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (200704, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1568 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1568,bf16]> tensor<[128,1568,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 49, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (200704, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1568 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,156,bf16]> tensor<[68,156,3,3,bf16]> tensor<[1,1,196,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 468 + d1 * 3 + d2, d3), memory_config: (31824, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 156 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 68 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1600,bf16]> tensor<[128,1600,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 50, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (204800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1600 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1600,bf16]> tensor<[128,1600,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 50, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (204800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1600 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,160,bf16]> tensor<[320,160,3,3,bf16]> tensor<[1,1,196,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 3 + d2, d3), memory_config: (153600, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,160,bf16]> tensor<[960,160,1,1,bf16]> tensor<[1,1,576,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (153600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 960 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,160,bf16]> tensor<[128,160,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (20480, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,160,bf16]> tensor<[160,160,1,1,bf16]> tensor<[1,1,784,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (25600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,160,bf16]> tensor<[160,1,3,3,bf16]> tensor<[1,1,784,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (480, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 160 : i32 in_channels: 160 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 160 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,160,bf16]> tensor<[160,160,2,2,bf16]> tensor<[1,1,256,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 2 + d2, d3), memory_config: (51200, 2, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 2 : i32 kernel_width: 2 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,160,bf16]> tensor<[256,160,3,3,bf16]> tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 3 + d2, d3), memory_config: (122880, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,160,bf16]> tensor<[960,160,1,1,bf16]> tensor<[1,1,9,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (153600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 960 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,160,bf16]> tensor<[128,160,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (20480, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5329,160,bf16]> tensor<[64,160,1,1,bf16]> tensor<[1,1,5329,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (10240, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 73 : i32 input_width: 73 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,160,bf16]> tensor<[320,160,3,3,bf16]> tensor<[1,1,49,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 3 + d2, d3), memory_config: (153600, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,160,bf16]> tensor<[480,160,1,1,bf16]> tensor<[1,1,49,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (76800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,160,bf16]> tensor<[960,160,1,1,bf16]> tensor<[1,1,49,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (153600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 160 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 960 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,144,1632,bf16]> tensor<[1632,1,3,3,bf16]> tensor<[1,1,144,1632,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (4896, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1632 : i32 in_channels: 1632 : i32 input_height: 12 : i32 input_width: 12 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1632 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,144,1632,bf16]> tensor<[1632,1,5,5,bf16]> tensor<[1,1,144,1632,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (8160, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1632 : i32 in_channels: 1632 : i32 input_height: 12 : i32 input_width: 12 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 1632 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,144,1632,bf16]> tensor<[272,1632,1,1,bf16]> tensor<[1,1,144,272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (443904, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1632 : i32 input_height: 12 : i32 input_width: 12 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 272 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,144,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,144,1632,bf16]> tensor<[448,1632,1,1,bf16]> tensor<[1,1,144,448,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (731136, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 448, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1632 : i32 input_height: 12 : i32 input_width: 12 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 448 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,144,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 448, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1632,bf16]> tensor<[128,1632,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 51, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (208896, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1632 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1632,bf16]> tensor<[128,1632,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 51, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (208896, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1632 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1664,bf16]> tensor<[128,1664,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 52, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (212992, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1664 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1664,bf16]> tensor<[128,1664,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 52, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (212992, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1664 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,168,bf16]> tensor<[672,168,1,1,bf16]> tensor<[1,1,1,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (112896, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 168 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1696,bf16]> tensor<[128,1696,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 53, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (217088, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1696 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1696,bf16]> tensor<[128,1696,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 53, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (217088, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1696 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,16,bf16]> tensor<[16,16,1,1,bf16]> tensor<[1,1,12544,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (256, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 16 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,16,bf16]> tensor<[16,1,3,3,bf16]> tensor<[1,1,12544,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (48, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 16 : i32 in_channels: 16 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,16,bf16]> tensor<[16,1,3,3,bf16]> tensor<[1,1,3136,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (48, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 16 : i32 in_channels: 16 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,16,bf16]> tensor<[24,16,1,1,bf16]> tensor<[1,1,12544,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,16,bf16]> tensor<[64,16,1,1,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1024, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,16,bf16]> tensor<[8,16,1,1,bf16]> tensor<[1,1,12544,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (128, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 8 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,16,bf16]> tensor<[96,16,1,1,bf16]> tensor<[1,1,12544,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,16,bf16]> tensor<[96,16,1,1,bf16]> tensor<[1,1,14400,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 120 : i32 input_width: 120 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14400,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16900,16,bf16]> tensor<[96,16,1,1,bf16]> tensor<[1,1,16900,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 16900 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 130 : i32 input_width: 130 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16900,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,16,bf16]> tensor<[48,16,3,3,bf16]> tensor<[1,1,196,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (2304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 48, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 48 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 48, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,16,bf16]> tensor<[4,16,3,3,bf16]> tensor<[1,1,196,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 4 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25600,16,f32]> tensor<[16,16,1,1,f32]> tensor<[1,1,25600,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (256, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 160 : i32 input_width: 160 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 16 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25600,16,f32]> tensor<[16,1,3,3,f32]> tensor<[1,1,25600,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (48, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 16 : i32 in_channels: 16 : i32 input_height: 160 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25600,16,f32]> tensor<[64,16,1,1,f32]> tensor<[1,1,25600,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1024, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 160 : i32 input_width: 160 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25600,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,16,bf16]> tensor<[16,16,3,3,bf16]> tensor<[1,1,50176,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,16,bf16]> tensor<[32,16,3,3,bf16]> tensor<[1,1,12544,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,16,bf16]> tensor<[32,16,3,3,bf16]> tensor<[1,1,784,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,16,bf16]> tensor<[24,16,1,1,bf16]> tensor<[1,1,3136,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 16 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1728,bf16]> tensor<[128,1728,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 54, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (221184, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1728 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1728,bf16]> tensor<[128,1728,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 54, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (221184, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1728 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,172,bf16]> tensor<[46,172,3,3,bf16]> tensor<[1,1,784,46,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 516 + d1 * 3 + d2, d3), memory_config: (23736, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 172 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 46 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,174,bf16]> tensor<[1392,174,1,1,bf16]> tensor<[1,1,1,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (242208, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 174 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1392 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,174,bf16]> tensor<[696,174,1,1,bf16]> tensor<[1,1,1,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (121104, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 174 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 696 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1760,bf16]> tensor<[128,1760,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 55, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (225280, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1760 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1760,bf16]> tensor<[128,1760,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 55, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (225280, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1760 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,1792,bf16]> tensor<[896,1792,1,1,bf16]> tensor<[1,1,196,896,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 56, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (1605632, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 896, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1792 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 896 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 896, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1792,bf16]> tensor<[128,1792,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 56, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (229376, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1792 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1824,bf16]> tensor<[128,1824,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 57, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 + d2, d3), memory_config: (233472, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1824 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,184,bf16]> tensor<[184,1,3,3,bf16]> tensor<[1,1,196,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (552, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 184 : i32 in_channels: 184 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 184 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,184,bf16]> tensor<[40,184,1,1,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (7360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 184 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,184,bf16]> tensor<[80,184,1,1,bf16]> tensor<[1,1,196,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (14720, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 184 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,184,f32]> tensor<[184,1,3,3,f32]> tensor<[1,1,400,184,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (552, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 184 : i32 in_channels: 184 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 184 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,184,f32]> tensor<[80,184,1,1,f32]> tensor<[1,1,400,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (14720, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 184 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,184,bf16]> tensor<[184,1,1,5,bf16]> tensor<[1,1,49,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (184, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 184 : i32 in_channels: 184 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 184 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,184,bf16]> tensor<[184,1,5,1,bf16]> tensor<[1,1,49,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (920, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 184 : i32 in_channels: 184 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 184 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1856,bf16]> tensor<[128,1856,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 58, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1856 + d1 + d2, d3), memory_config: (237568, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1856 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,185,bf16]> tensor<[128,185,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 185 + d1 + d2, d3), memory_config: (23680, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 185 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,1888,bf16]> tensor<[128,1888,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 59, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1888 + d1 + d2, d3), memory_config: (241664, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1888 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,18,bf16]> tensor<[144,18,3,3,bf16]> tensor<[1,1,49,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 3 + d2, d3), memory_config: (7776, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,18,bf16]> tensor<[18,18,3,3,bf16]> tensor<[1,1,196,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 3 + d2, d3), memory_config: (972, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 18 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,18,bf16]> tensor<[72,18,3,3,bf16]> tensor<[1,1,196,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 3 + d2, d3), memory_config: (3888, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 72 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,18,bf16]> tensor<[128,18,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (2304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,18,bf16]> tensor<[18,18,3,3,bf16]> tensor<[1,1,3136,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 3 + d2, d3), memory_config: (972, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 18 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,18,bf16]> tensor<[18,18,3,3,bf16]> tensor<[1,1,784,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 3 + d2, d3), memory_config: (972, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 18 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,18,bf16]> tensor<[32,18,1,1,bf16]> tensor<[1,1,3136,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,18,bf16]> tensor<[36,18,3,3,bf16]> tensor<[1,1,784,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 3 + d2, d3), memory_config: (1944, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 18 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 36 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1920,bf16]> tensor<[1280,1920,1,1,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (2457600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1920 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,1920,bf16]> tensor<[1280,1920,3,3,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 3 + d2, d3), memory_config: (7372800, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1920 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,1920,bf16]> tensor<[640,1920,1,1,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (1228800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1920 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 640 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,1920,bf16]> tensor<[640,1920,3,3,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 3 + d2, d3), memory_config: (3686400, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1920 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,192,bf16]> tensor<[192,192,1,1,bf16]> tensor<[1,1,196,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (36864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,192,bf16]> tensor<[192,1,3,3,bf16]> tensor<[1,1,196,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 192 : i32 in_channels: 192 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,192,bf16]> tensor<[64,192,1,1,bf16]> tensor<[1,1,196,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,192,bf16]> tensor<[192,192,3,3,bf16]> tensor<[1,1,64,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 3 + d2, d3), memory_config: (110592, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,192,bf16]> tensor<[192,192,7,1,bf16]> tensor<[1,1,289,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (258048, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 7 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,192,bf16]> tensor<[224,192,1,7,bf16]> tensor<[1,1,289,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (43008, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 7 : i32 out_channels: 224 : i32 padding_height: 0 : i32 padding_width: 3 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,192,bf16]> tensor<[128,192,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (24576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,192,bf16]> tensor<[16,192,1,1,bf16]> tensor<[1,1,784,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (3072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 16 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,192,bf16]> tensor<[192,1,3,3,bf16]> tensor<[1,1,784,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 192 : i32 in_channels: 192 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,192,bf16]> tensor<[192,1,3,3,bf16]> tensor<[1,1,196,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 192 : i32 in_channels: 192 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,192,bf16]> tensor<[32,192,1,1,bf16]> tensor<[1,1,784,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,192,bf16]> tensor<[64,192,1,1,bf16]> tensor<[1,1,784,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,192,bf16]> tensor<[96,192,1,1,bf16]> tensor<[1,1,784,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (18432, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,192,bf16]> tensor<[224,192,3,3,bf16]> tensor<[1,1,1225,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 3 + d2, d3), memory_config: (129024, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 224, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 224 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1225,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 224, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,192,bf16]> tensor<[48,192,1,1,bf16]> tensor<[1,1,1444,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (9216, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 48 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,2304,192,bf16]> tensor<[56,192,1,1,bf16]> tensor<[1,1,2304,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (10752, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 48 : i32 input_width: 48 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 56 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,2304,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,192,bf16]> tensor<[128,192,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (24576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5041,192,bf16]> tensor<[192,192,3,3,bf16]> tensor<[1,1,1225,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 3 + d2, d3), memory_config: (110592, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 71 : i32 input_width: 71 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,192,bf16]> tensor<[192,1,3,3,bf16]> tensor<[1,1,5625,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 192 : i32 in_channels: 192 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,192,bf16]> tensor<[32,192,1,1,bf16]> tensor<[1,1,5625,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,6241,192,bf16]> tensor<[192,1,5,5,bf16]> tensor<[1,1,1444,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6241 + d1 * 6241 + d2, d3), memory_config: (196, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (960, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 192 : i32 in_channels: 192 : i32 input_height: 79 : i32 input_width: 79 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1444,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,192,bf16]> tensor<[1152,192,1,1,bf16]> tensor<[1,1,49,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (221184, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1152 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,192,bf16]> tensor<[384,192,3,3,bf16]> tensor<[1,1,49,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 3 + d2, d3), memory_config: (221184, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 384 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,192,bf16]> tensor<[1152,192,1,1,bf16]> tensor<[1,1,64,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (221184, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1152 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9025,192,bf16]> tensor<[192,1,3,3,bf16]> tensor<[1,1,9025,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 192 : i32 in_channels: 192 : i32 input_height: 95 : i32 input_width: 95 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9025,192,bf16]> tensor<[32,192,1,1,bf16]> tensor<[1,1,9025,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 192 : i32 input_height: 95 : i32 input_width: 95 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9025,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9801,192,bf16]> tensor<[192,1,5,5,bf16]> tensor<[1,1,2304,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9801 + d1 * 9801 + d2, d3), memory_config: (307, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (960, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 192 : i32 in_channels: 192 : i32 input_height: 99 : i32 input_width: 99 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,2304,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,196,bf16]> tensor<[40,196,3,3,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 3 + d2, d3), memory_config: (23520, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 196 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 40 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,1,bf16]> tensor<[16,1,3,3,bf16]> tensor<[1,1,784,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (48, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,1,bf16]> tensor<[32,1,3,3,bf16]> tensor<[1,1,676,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (96, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (676, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 1 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,676,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (676, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,200,bf16]> tensor<[200,1,3,3,bf16]> tensor<[1,1,196,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (600, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 200 : i32 in_channels: 200 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 200 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,200,bf16]> tensor<[40,200,1,1,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (8000, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 200 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,200,bf16]> tensor<[80,200,1,1,bf16]> tensor<[1,1,196,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (16000, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 200 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,200,f32]> tensor<[200,1,3,3,f32]> tensor<[1,1,400,200,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (600, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 200 : i32 in_channels: 200 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 200 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,200,f32]> tensor<[80,200,1,1,f32]> tensor<[1,1,400,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (16000, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 200 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,200,bf16]> tensor<[200,1,1,5,bf16]> tensor<[1,1,49,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (200, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 200 : i32 in_channels: 200 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 200 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,200,bf16]> tensor<[200,1,5,1,bf16]> tensor<[1,1,49,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1000, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 200 : i32 in_channels: 200 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 200 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,2048,bf16]> tensor<[2048,32,3,3,bf16]> tensor<[1,1,49,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 2048 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 2048 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,300,2048,bf16]> tensor<[2048,1,3,3,bf16]> tensor<[1,1,300,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 300 + d2, d3), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 2048 : i32 in_channels: 2048 : i32 input_height: 15 : i32 input_width: 20 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 2048 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,300,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,920,2048,bf16]> tensor<[256,2048,1,1,bf16]> tensor<[1,1,920,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2048 : i32 input_height: 23 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,920,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,920,2048,bf16]> tensor<[512,2048,1,1,bf16]> tensor<[1,1,920,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2048 : i32 input_height: 23 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,2048,bf16]> tensor<[1024,2048,1,1,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (2097152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2048 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,2048,bf16]> tensor<[2048,2048,1,1,bf16]> tensor<[1,1,49,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (4194304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2048 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,2048,bf16]> tensor<[2048,32,3,3,bf16]> tensor<[1,1,49,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 2048 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 2048 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,2048,bf16]> tensor<[512,2048,1,1,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2048 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,81,208,bf16]> tensor<[1248,208,1,1,bf16]> tensor<[1,1,81,1248,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (259584, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 208 : i32 input_height: 9 : i32 input_width: 9 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1248 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,20,bf16]> tensor<[72,20,1,1,bf16]> tensor<[1,1,1,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1440, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 20 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 72 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,20,bf16]> tensor<[20,1,3,3,bf16]> tensor<[1,1,784,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (60, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 20 : i32 in_channels: 20 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 20 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,218,bf16]> tensor<[78,218,3,3,bf16]> tensor<[1,1,784,78,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 654 + d1 * 3 + d2, d3), memory_config: (51012, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 78, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 218 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 78 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 78, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,224,bf16]> tensor<[224,224,7,1,bf16]> tensor<[1,1,289,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (351232, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 224 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 7 : i32 kernel_width: 1 : i32 out_channels: 224 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,224,bf16]> tensor<[256,224,1,7,bf16]> tensor<[1,1,289,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (57344, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 224 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 7 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 3 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,224,bf16]> tensor<[256,224,7,1,bf16]> tensor<[1,1,289,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (401408, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 224 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 7 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,224,bf16]> tensor<[128,224,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (28672, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 224 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,224,bf16]> tensor<[256,224,3,3,bf16]> tensor<[1,1,289,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 3 + d2, d3), memory_config: (172032, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 224 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,224,bf16]> tensor<[128,224,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (28672, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 224 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,224,bf16]> tensor<[224,1,3,3,bf16]> tensor<[1,1,49,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (672, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 224 : i32 in_channels: 224 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 224 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,224,bf16]> tensor<[224,224,1,1,bf16]> tensor<[1,1,49,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (50176, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 224 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 224 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,232,bf16]> tensor<[1392,232,1,1,bf16]> tensor<[1,1,100,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (322944, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1392 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,232,bf16]> tensor<[232,232,3,3,bf16]> tensor<[1,1,3136,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 3 + d2, d3), memory_config: (161472, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 232 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,232,bf16]> tensor<[58,232,1,1,bf16]> tensor<[1,1,1,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (13456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 58 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,232,bf16]> tensor<[8,232,1,1,bf16]> tensor<[1,1,1,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (1856, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 8 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,232,bf16]> tensor<[232,232,1,1,bf16]> tensor<[1,1,3136,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (53824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 232 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,232,bf16]> tensor<[232,232,3,3,bf16]> tensor<[1,1,3136,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 3 + d2, d3), memory_config: (161472, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 232 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,232,bf16]> tensor<[696,232,1,1,bf16]> tensor<[1,1,3136,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (161472, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 696, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 696 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 696, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,232,bf16]> tensor<[696,232,1,1,bf16]> tensor<[1,1,784,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (161472, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 232 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 696 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,236,bf16]> tensor<[68,236,3,3,bf16]> tensor<[1,1,196,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 3 + d2, d3), memory_config: (48144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 236 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 68 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,240,bf16]> tensor<[240,1,1,5,bf16]> tensor<[1,1,196,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (240, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,240,bf16]> tensor<[240,1,3,3,bf16]> tensor<[1,1,196,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (720, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 240 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,240,bf16]> tensor<[240,1,5,1,bf16]> tensor<[1,1,196,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 240 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,240,bf16]> tensor<[40,240,1,1,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (9600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 240 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,240,bf16]> tensor<[80,240,1,1,bf16]> tensor<[1,1,196,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (19200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 240 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,240,bf16]> tensor<[80,240,1,1,bf16]> tensor<[1,1,225,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (19200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 240 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,240,bf16]> tensor<[960,240,1,1,bf16]> tensor<[1,1,1,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (230400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 240 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 960 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,240,f32]> tensor<[80,240,1,1,f32]> tensor<[1,1,400,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (19200, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 240 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,240,bf16]> tensor<[240,1,3,3,bf16]> tensor<[1,1,196,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (720, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 240 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,240,bf16]> tensor<[240,1,5,5,bf16]> tensor<[1,1,784,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1200, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 240 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,240,bf16]> tensor<[40,240,1,1,bf16]> tensor<[1,1,784,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (9600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 240 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,841,240,bf16]> tensor<[240,1,3,3,bf16]> tensor<[1,1,196,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 841 + d1 * 841 + d2, d3), memory_config: (27, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (720, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 29 : i32 input_width: 29 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,900,240,bf16]> tensor<[240,1,5,5,bf16]> tensor<[1,1,900,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1200, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 30 : i32 input_width: 30 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 240 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,900,240,bf16]> tensor<[40,240,1,1,bf16]> tensor<[1,1,900,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (9600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 240 : i32 input_height: 30 : i32 input_width: 30 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,900,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,961,240,bf16]> tensor<[240,1,3,3,bf16]> tensor<[1,1,225,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 961 + d1 * 961 + d2, d3), memory_config: (31, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (720, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 31 : i32 input_width: 31 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,225,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1600,240,f32]> tensor<[240,1,3,3,f32]> tensor<[1,1,400,240,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (720, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 240 : i32 in_channels: 240 : i32 input_height: 40 : i32 input_width: 40 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 240 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,400,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,24,bf16]> tensor<[24,1,3,3,bf16]> tensor<[1,1,12544,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (72, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 24 : i32 in_channels: 24 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 24 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,24,bf16]> tensor<[64,24,3,3,bf16]> tensor<[1,1,196,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (4608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,24,bf16]> tensor<[144,24,1,1,bf16]> tensor<[1,1,22500,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,36100,24,bf16]> tensor<[144,24,1,1,bf16]> tensor<[1,1,36100,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 36100 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 190 : i32 input_width: 190 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,36100,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,24,bf16]> tensor<[72,24,1,1,bf16]> tensor<[1,1,1,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 72 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,24,bf16]> tensor<[40,24,1,1,bf16]> tensor<[1,1,784,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (960, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,24,bf16]> tensor<[72,24,1,1,bf16]> tensor<[1,1,784,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 72 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,24,bf16]> tensor<[144,24,1,1,bf16]> tensor<[1,1,3136,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,24,bf16]> tensor<[14,24,3,3,bf16]> tensor<[1,1,3136,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (1008, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 14 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,24,bf16]> tensor<[24,1,5,5,bf16]> tensor<[1,1,784,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (120, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 24 : i32 in_channels: 24 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 24 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,24,bf16]> tensor<[36,24,1,1,bf16]> tensor<[1,1,3136,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 36 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,24,bf16]> tensor<[72,24,1,1,bf16]> tensor<[1,1,3136,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 72 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,24,bf16]> tensor<[144,24,1,1,bf16]> tensor<[1,1,3600,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 60 : i32 input_width: 60 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4225,24,bf16]> tensor<[144,24,1,1,bf16]> tensor<[1,1,4225,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (3456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 65 : i32 input_width: 65 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,6400,24,f32]> tensor<[72,24,1,1,f32]> tensor<[1,1,6400,72,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1728, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 24 : i32 input_height: 80 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 72 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,2520,bf16]> tensor<[2520,168,3,3,bf16]> tensor<[1,1,49,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 79, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 3 + d2, d3), memory_config: (1270080, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 15 : i32 in_channels: 2520 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 2520 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,2520,bf16]> tensor<[2520,2520,1,1,bf16]> tensor<[1,1,49,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (6350400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2520 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2520 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,2560,bf16]> tensor<[1280,2560,1,1,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (3276800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2560 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,2560,bf16]> tensor<[1280,2560,3,3,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 3 + d2, d3), memory_config: (9830400, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2560 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,2560,bf16]> tensor<[1280,2560,1,1,bf16]> tensor<[1,1,64,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (3276800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2560 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,2560,bf16]> tensor<[1280,2560,3,3,bf16]> tensor<[1,1,64,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 3 + d2, d3), memory_config: (9830400, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 2560 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,256,f32]> tensor<[256,1,3,3,f32]> tensor<[1,1,25,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,25,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,256,bf16]> tensor<[128,256,3,3,bf16]> tensor<[1,1,12544,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,19200,256,bf16]> tensor<[256,1,3,3,bf16]> tensor<[1,1,19200,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 120 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,19200,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,256,bf16]> tensor<[150,256,1,1,bf16]> tensor<[1,1,16384,150,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (38400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 150, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 150 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 150, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,256,bf16]> tensor<[1024,256,1,1,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,256,bf16]> tensor<[128,256,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,256,bf16]> tensor<[512,256,1,1,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,256,bf16]> tensor<[512,256,1,1,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,256,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,256,bf16]> tensor<[256,256,1,7,bf16]> tensor<[1,1,289,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 7 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 3 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,256,bf16]> tensor<[320,256,7,1,bf16]> tensor<[1,1,289,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (573440, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 7 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,57600,256,bf16]> tensor<[128,256,1,1,bf16]> tensor<[1,1,57600,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 180 : i32 input_width: 320 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,57600,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,57600,256,bf16]> tensor<[512,256,1,1,bf16]> tensor<[1,1,14400,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 180 : i32 input_width: 320 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,57600,256,bf16]> tensor<[64,256,1,1,bf16]> tensor<[1,1,57600,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 180 : i32 input_width: 320 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,1,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[128,256,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[160,256,1,1,bf16]> tensor<[1,1,784,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (40960, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[20,256,3,3,bf16]> tensor<[1,1,784,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (15360, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 20 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[256,1,3,3,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[256,1,3,3,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[32,256,1,1,bf16]> tensor<[1,1,784,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[512,256,1,1,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,256,bf16]> tensor<[64,256,1,1,bf16]> tensor<[1,1,784,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4,256,f32]> tensor<[24,256,1,1,f32]> tensor<[1,1,4,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (6144, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 2 : i32 input_width: 2 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4,256,f32]> tensor<[256,1,3,3,f32]> tensor<[1,1,4,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 2 : i32 input_width: 2 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4,256,f32]> tensor<[546,256,1,1,f32]> tensor<[1,1,4,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (139776, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 2 : i32 input_width: 2 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 546 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4,256,f32]> tensor<[64,256,1,1,f32]> tensor<[1,1,4,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (16384, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 2 : i32 input_width: 2 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,256,bf16]> tensor<[128,256,1,1,bf16]> tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,256,bf16]> tensor<[255,256,1,1,bf16]> tensor<[1,1,1024,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65280, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 255 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,1024,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,256,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,256,bf16]> tensor<[256,1,3,3,bf16]> tensor<[1,1,1444,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,1444,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,256,bf16]> tensor<[728,256,1,1,bf16]> tensor<[1,1,1444,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (186368, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 728 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,256,f32]> tensor<[128,256,1,1,f32]> tensor<[1,1,9,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (32768, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,256,f32]> tensor<[24,256,1,1,f32]> tensor<[1,1,9,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (6144, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,256,f32]> tensor<[256,1,3,3,f32]> tensor<[1,1,9,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,256,f32]> tensor<[546,256,1,1,f32]> tensor<[1,1,9,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (139776, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 546 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,256,bf16]> tensor<[1024,256,1,1,bf16]> tensor<[1,1,3600,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 45 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,3600,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 45 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,512,256,bf16]> tensor<[1024,256,1,1,bf16]> tensor<[1,1,512,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 512 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,512,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[128,256,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[18,256,3,3,bf16]> tensor<[1,1,3136,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (13824, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 18 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[256,4,3,3,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[36,256,3,3,bf16]> tensor<[1,1,784,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (27648, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 36 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[512,256,1,1,bf16]> tensor<[1,1,3136,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[512,256,1,1,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,256,bf16]> tensor<[64,256,1,1,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25,256,f32]> tensor<[512,256,1,1,f32]> tensor<[1,1,25,512,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 5 : i32 input_width: 5 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,256,bf16]> tensor<[128,256,1,1,bf16]> tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,256,bf16]> tensor<[128,256,3,3,bf16]> tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,256,bf16]> tensor<[255,256,1,1,bf16]> tensor<[1,1,4096,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65280, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 255 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,256,bf16]> tensor<[256,1,3,3,bf16]> tensor<[1,1,4096,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,256,bf16]> tensor<[512,256,3,3,bf16]> tensor<[1,1,1024,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,256,bf16]> tensor<[64,256,1,1,bf16]> tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,256,bf16]> tensor<[256,1,3,3,bf16]> tensor<[1,1,5625,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,256,bf16]> tensor<[256,1,3,3,bf16]> tensor<[1,1,1444,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (768, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 256 : i32 in_channels: 256 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,5625,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,256,bf16]> tensor<[256,256,1,1,bf16]> tensor<[1,1,1444,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,256,bf16]> tensor<[1024,256,1,1,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,49,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,256,bf16]> tensor<[512,256,1,1,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,256,bf16]> tensor<[256,256,3,3,bf16]> tensor<[1,1,3600,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (196608, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 256 : i32 input_height: 90 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,262,bf16]> tensor<[256,262,1,1,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262 + d1 + d2, d3), memory_config: (67072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 262 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,144,272,bf16]> tensor<[1632,272,1,1,bf16]> tensor<[1,1,144,1632,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (443904, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 272 : i32 input_height: 12 : i32 input_width: 12 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1632 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,272,bf16]> tensor<[160,272,3,3,bf16]> tensor<[1,1,49,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 3 + d2, d3), memory_config: (130560, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 272 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 160 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,276,bf16]> tensor<[34,276,3,3,bf16]> tensor<[1,1,784,34,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 3 + d2, d3), memory_config: (28152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 276 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 34 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,288,bf16]> tensor<[128,288,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (36864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 288 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,288,bf16]> tensor<[88,288,1,1,bf16]> tensor<[1,1,289,88,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (25344, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 288 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 88 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,288,bf16]> tensor<[96,288,1,1,bf16]> tensor<[1,1,361,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (27648, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 288 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,288,bf16]> tensor<[128,288,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (36864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 288 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1089,288,bf16]> tensor<[288,1,5,5,bf16]> tensor<[1,1,1089,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1440, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 288 : i32 in_channels: 288 : i32 input_height: 33 : i32 input_width: 33 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 288 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1089,288,bf16]> tensor<[48,288,1,1,bf16]> tensor<[1,1,1089,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (13824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 288 : i32 input_height: 33 : i32 input_width: 33 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 48 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1089,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,288,bf16]> tensor<[288,1,3,3,bf16]> tensor<[1,1,289,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 288, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 288 : i32 in_channels: 288 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 288 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,289,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 288, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,288,bf16]> tensor<[288,1,5,5,bf16]> tensor<[1,1,1444,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1440, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 288 : i32 in_channels: 288 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 288 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,288,bf16]> tensor<[48,288,1,1,bf16]> tensor<[1,1,1444,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (13824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 288 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 48 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1521,288,bf16]> tensor<[288,1,3,3,bf16]> tensor<[1,1,361,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1521 + d1 * 1521 + d2, d3), memory_config: (48, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 288, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 288 : i32 in_channels: 288 : i32 input_height: 39 : i32 input_width: 39 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 288 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,361,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 288, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,28,bf16]> tensor<[16,28,3,3,bf16]> tensor<[1,1,784,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (1344, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 28 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,296,bf16]> tensor<[134,296,3,3,bf16]> tensor<[1,1,784,134,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 3 + d2, d3), memory_config: (118992, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 134, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 296 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 134 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,134,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 134, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,304,bf16]> tensor<[116,304,3,3,bf16]> tensor<[1,1,196,116,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 3 + d2, d3), memory_config: (105792, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 304 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 116 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,10,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,13,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (13, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 10 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,13,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (13, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,11,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,14,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 * 11 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (14, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 11 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (14, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,15,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (15, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 12 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,15,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (15, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,13,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,16,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (16, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 13 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (16, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,17,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (17, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 14 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,17,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (17, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,15,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,18,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 * 15 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (18, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 15 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,18,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (18, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,6,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,9,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (9, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 6 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (9, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,7,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,10,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (10, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 7 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,10,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (10, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,8,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,11,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (11, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 8 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,11,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (11, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,8,3072,bf16]> tensor<[768,768,1,1,bf16]> tensor<[1,1,8,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 4 : i32 in_channels: 3072 : i32 input_height: 8 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,3072,bf16]> tensor<[3072,1,4,1,bf16]> tensor<[1,1,12,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3072 : i32 in_channels: 3072 : i32 input_height: 9 : i32 input_width: 1 : i32 kernel_height: 4 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,310,bf16]> tensor<[58,310,3,3,bf16]> tensor<[1,1,784,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 930 + d1 * 3 + d2, d3), memory_config: (53940, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 310 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 58 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,320,bf16]> tensor<[128,320,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (40960, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,320,bf16]> tensor<[40,320,3,3,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 3 + d2, d3), memory_config: (38400, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 40 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,320,bf16]> tensor<[320,320,3,3,bf16]> tensor<[1,1,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 3 + d2, d3), memory_config: (307200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,320,bf16]> tensor<[128,320,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (40960, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1200,320,bf16]> tensor<[320,320,2,2,bf16]> tensor<[1,1,300,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 2 + d2, d3), memory_config: (204800, 2, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 30 : i32 input_width: 40 : i32 kernel_height: 2 : i32 kernel_width: 2 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,300,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1200,320,bf16]> tensor<[512,320,3,3,bf16]> tensor<[1,1,300,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 3 + d2, d3), memory_config: (491520, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 30 : i32 input_width: 40 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,300,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1200,320,bf16]> tensor<[64,320,1,1,bf16]> tensor<[1,1,1200,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (20480, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 30 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,320,bf16]> tensor<[640,320,1,1,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (204800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 640 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,320,bf16]> tensor<[640,320,3,3,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 3 + d2, d3), memory_config: (614400, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,320,bf16]> tensor<[320,320,1,1,bf16]> tensor<[1,1,4096,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (102400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,320,bf16]> tensor<[320,320,3,3,bf16]> tensor<[1,1,4096,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 3 + d2, d3), memory_config: (307200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,320,bf16]> tensor<[320,320,3,3,bf16]> tensor<[1,1,1024,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 3 + d2, d3), memory_config: (307200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1024,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,320,bf16]> tensor<[4,320,3,3,bf16]> tensor<[1,1,4096,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 3 + d2, d3), memory_config: (3840, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 4, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 4 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 4, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,320,bf16]> tensor<[1280,320,1,1,bf16]> tensor<[1,1,49,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (409600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,320,bf16]> tensor<[1280,320,1,1,bf16]> tensor<[1,1,64,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (409600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 320 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,328,bf16]> tensor<[320,328,1,1,bf16]> tensor<[1,1,784,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 328 + d1 + d2, d3), memory_config: (104960, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 328 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[16,32,1,1,bf16]> tensor<[1,1,12544,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (512, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 16 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[232,32,1,1,bf16]> tensor<[1,1,12544,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (7424, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 232 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[232,32,1,1,bf16]> tensor<[1,1,3136,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (7424, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 232 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[32,1,3,3,bf16]> tensor<[1,1,12544,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (96, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 32 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[336,32,1,1,bf16]> tensor<[1,1,12544,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (10752, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 336 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[336,32,1,1,bf16]> tensor<[1,1,3136,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (10752, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 336 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[64,32,1,1,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (2048, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,32,bf16]> tensor<[16,32,1,1,bf16]> tensor<[1,1,14400,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (512, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 120 : i32 input_width: 120 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 16 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14400,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,32,bf16]> tensor<[32,1,3,3,bf16]> tensor<[1,1,14400,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (96, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 32 : i32 in_channels: 32 : i32 input_height: 120 : i32 input_width: 120 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,19200,32,bf16]> tensor<[2,32,3,3,bf16]> tensor<[1,1,19200,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 2, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 120 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 2 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,19200,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 2, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,32,bf16]> tensor<[32,32,1,1,bf16]> tensor<[1,1,16384,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1024, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,32,bf16]> tensor<[32,32,3,3,bf16]> tensor<[1,1,16384,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,32,bf16]> tensor<[32,32,8,8,bf16]> tensor<[1,1,256,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 8 + d2, d3), memory_config: (8192, 8, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 8 : i32 kernel_width: 8 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 8 : i32 stride_width: 8 : i32 | tensor<[1,1,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,16384,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16900,32,bf16]> tensor<[16,32,1,1,bf16]> tensor<[1,1,16900,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 16900 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (512, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 130 : i32 input_width: 130 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 16 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16900,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16900,32,bf16]> tensor<[32,1,3,3,bf16]> tensor<[1,1,16900,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 16900 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (96, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 32 : i32 in_channels: 32 : i32 input_height: 130 : i32 input_width: 130 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,21609,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,21609,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 147 : i32 input_width: 147 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22201,32,bf16]> tensor<[32,32,3,3,bf16]> tensor<[1,1,21609,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 22201 + d2, d3), memory_config: (694, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 149 : i32 input_width: 149 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,21609,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,32,bf16]> tensor<[128,32,3,3,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,196,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,32,bf16]> tensor<[24,32,1,1,bf16]> tensor<[1,1,22500,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,32,bf16]> tensor<[32,1,3,3,bf16]> tensor<[1,1,22500,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (96, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 32 : i32 in_channels: 32 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,22500,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,36100,32,bf16]> tensor<[24,32,1,1,bf16]> tensor<[1,1,36100,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 36100 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 190 : i32 input_width: 190 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,36100,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,36100,32,bf16]> tensor<[32,1,3,3,bf16]> tensor<[1,1,36100,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 36100 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (96, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 32 : i32 in_channels: 32 : i32 input_height: 190 : i32 input_width: 190 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,32,bf16]> tensor<[120,32,1,1,bf16]> tensor<[1,1,1,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (3840, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,32,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,1,65536,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (32, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 1, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,65536,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 1, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,32,bf16]> tensor<[32,32,3,3,bf16]> tensor<[1,1,65536,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,65536,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,16384,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,676,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,576,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 676 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 26 : i32 input_width: 26 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,32,bf16]> tensor<[192,32,1,1,bf16]> tensor<[1,1,784,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (6144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,32,bf16]> tensor<[96,32,3,3,bf16]> tensor<[1,1,784,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (9216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1200,32,bf16]> tensor<[2,32,3,3,bf16]> tensor<[1,1,1200,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 2, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 30 : i32 input_width: 40 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 2 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1200,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 2, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,262144,32,bf16]> tensor<[64,32,3,3,bf16]> tensor<[1,1,65536,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 512 : i32 input_width: 512 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,32,bf16]> tensor<[128,32,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (4096, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,32,bf16]> tensor<[32,32,3,3,bf16]> tensor<[1,1,3136,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (3072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,32,bf16]> tensor<[64,32,1,1,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (2048, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4800,32,bf16]> tensor<[2,32,3,3,bf16]> tensor<[1,1,4800,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 2, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 60 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 2 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4800,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 2, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5625,32,bf16]> tensor<[192,32,1,1,bf16]> tensor<[1,1,5625,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (6144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 75 : i32 input_width: 75 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,32,bf16]> tensor<[128,32,3,3,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9025,32,bf16]> tensor<[192,32,1,1,bf16]> tensor<[1,1,9025,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (6144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 32 : i32 input_height: 95 : i32 input_width: 95 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,336,bf16]> tensor<[336,168,3,3,bf16]> tensor<[1,1,3136,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 3 + d2, d3), memory_config: (169344, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 2 : i32 in_channels: 336 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 336 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,336,bf16]> tensor<[336,1,3,3,bf16]> tensor<[1,1,196,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1008, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 336 : i32 in_channels: 336 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 336 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,336,bf16]> tensor<[112,336,1,1,bf16]> tensor<[1,1,576,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (37632, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 336 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,2304,336,bf16]> tensor<[336,1,5,5,bf16]> tensor<[1,1,2304,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1680, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 336 : i32 in_channels: 336 : i32 input_height: 48 : i32 input_width: 48 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 336 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,2304,336,bf16]> tensor<[56,336,1,1,bf16]> tensor<[1,1,2304,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (18816, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 336 : i32 input_height: 48 : i32 input_width: 48 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 56 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,2304,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,2401,336,bf16]> tensor<[336,1,3,3,bf16]> tensor<[1,1,576,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2401 + d1 * 2401 + d2, d3), memory_config: (76, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1008, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 336 : i32 in_channels: 336 : i32 input_height: 49 : i32 input_width: 49 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 336 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,576,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,336,bf16]> tensor<[336,168,3,3,bf16]> tensor<[1,1,3136,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 3 + d2, d3), memory_config: (169344, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 2 : i32 in_channels: 336 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 336 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,336,bf16]> tensor<[336,336,1,1,bf16]> tensor<[1,1,3136,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (112896, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 336 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 336 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,336,bf16]> tensor<[672,336,1,1,bf16]> tensor<[1,1,3136,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (225792, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 336 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 672, 'bf16', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.conv2d | tensor<[1,1,3136,336,bf16]> tensor<[672,336,1,1,bf16]> tensor<[1,1,784,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (225792, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 336 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,348,bf16]> tensor<[1392,348,1,1,bf16]> tensor<[1,1,1,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (484416, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 348 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1392 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,348,bf16]> tensor<[3712,348,1,1,bf16]> tensor<[1,1,1,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (1291776, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3712, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 348 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 3712 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3712, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,34,bf16]> tensor<[20,34,3,3,bf16]> tensor<[1,1,784,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102 + d1 * 3 + d2, d3), memory_config: (2040, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 34 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 20 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,352,bf16]> tensor<[128,352,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (45056, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 352 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,352,bf16]> tensor<[128,352,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (45056, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 352 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,81,352,bf16]> tensor<[1280,352,1,1,bf16]> tensor<[1,1,81,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 11, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (450560, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 352 : i32 input_height: 9 : i32 input_width: 9 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,81,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,360,bf16]> tensor<[68,360,3,3,bf16]> tensor<[1,1,196,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 3 + d2, d3), memory_config: (73440, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 360 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 68 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,368,bf16]> tensor<[98,368,3,3,bf16]> tensor<[1,1,784,98,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 3 + d2, d3), memory_config: (108192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 98, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 368 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 98 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 98, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,36,bf16]> tensor<[144,36,3,3,bf16]> tensor<[1,1,49,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 3 + d2, d3), memory_config: (15552, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 36 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,36,bf16]> tensor<[18,36,1,1,bf16]> tensor<[1,1,784,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (648, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 36 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 18 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,36,bf16]> tensor<[256,36,1,1,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (9216, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 36 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,36,bf16]> tensor<[36,36,3,3,bf16]> tensor<[1,1,784,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 3 + d2, d3), memory_config: (3888, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 36 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 36 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,36,bf16]> tensor<[36,36,3,3,bf16]> tensor<[1,1,196,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 3 + d2, d3), memory_config: (3888, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 36 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 36 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,36,bf16]> tensor<[64,36,1,1,bf16]> tensor<[1,1,784,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 36 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,36,bf16]> tensor<[72,36,3,3,bf16]> tensor<[1,1,196,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 3 + d2, d3), memory_config: (7776, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 36 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 72 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,36,bf16]> tensor<[36,1,3,3,bf16]> tensor<[1,1,3136,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (108, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 36 : i32 in_channels: 36 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 36 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,3712,bf16]> tensor<[3712,232,3,3,bf16]> tensor<[1,1,49,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 116, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 3 + d2, d3), memory_config: (2583552, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 16 : i32 in_channels: 3712 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 3712 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,3712,bf16]> tensor<[348,3712,1,1,bf16]> tensor<[1,1,1,348,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (1291776, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3712 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 348 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,3712,bf16]> tensor<[3712,3712,1,1,bf16]> tensor<[1,1,49,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (13778944, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3712 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 3712 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,384,bf16]> tensor<[1280,384,1,1,bf16]> tensor<[1,1,100,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (491520, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,384,bf16]> tensor<[128,384,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (49152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,384,bf16]> tensor<[384,1,3,3,bf16]> tensor<[1,1,196,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1152, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 384 : i32 in_channels: 384 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 384 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,384,bf16]> tensor<[64,384,1,1,bf16]> tensor<[1,1,196,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (24576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,384,bf16]> tensor<[96,384,1,1,bf16]> tensor<[1,1,196,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (36864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,384,bf16]> tensor<[128,384,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (49152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,384,bf16]> tensor<[192,384,1,1,bf16]> tensor<[1,1,1225,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (73728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,384,bf16]> tensor<[384,384,3,3,bf16]> tensor<[1,1,289,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 3 + d2, d3), memory_config: (442368, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 384 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,384,bf16]> tensor<[64,384,1,1,bf16]> tensor<[1,1,1225,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (24576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1225,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,384,bf16]> tensor<[96,384,1,1,bf16]> tensor<[1,1,1225,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (36864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,384,bf16]> tensor<[128,384,1,1,bf16]> tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (49152, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,384,bf16]> tensor<[256,384,1,3,bf16]> tensor<[1,1,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (98304, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,384,bf16]> tensor<[256,384,3,1,bf16]> tensor<[1,1,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 3 + d2, d3), memory_config: (294912, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 3 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,384,bf16]> tensor<[448,384,3,1,bf16]> tensor<[1,1,64,448,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 3 + d2, d3), memory_config: (516096, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 448, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 384 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 3 : i32 kernel_width: 1 : i32 out_channels: 448 : i32 padding_height: 1 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 448, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1048576,3,f32]> tensor<[192,3,4,4,f32]> tensor<[1,1,65536,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1048576 + d1 * 1048576 + d2, d3), memory_config: (32768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 4 + d2, d3), memory_config: (2304, 4, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 1024 : i32 input_width: 1024 : i32 kernel_height: 4 : i32 kernel_width: 4 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,65536,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[1024,3,16,16,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 16 + d2, d3), memory_config: (49152, 16, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 16 : i32 kernel_width: 16 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 16 : i32 stride_width: 16 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[128,3,4,4,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 4 + d2, d3), memory_config: (1536, 4, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 4 : i32 kernel_width: 4 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[16,3,3,3,bf16]> tensor<[1,1,12544,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[16,3,7,7,bf16]> tensor<[1,1,50176,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 * 7 + d2, d3), memory_config: (336, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 7 : i32 kernel_width: 7 : i32 out_channels: 16 : i32 padding_height: 3 : i32 padding_width: 3 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,12544,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[64,3,3,3,bf16]> tensor<[1,1,50176,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[64,3,3,3,bf16]> tensor<[1,1,50176,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[64,3,3,3,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[64,3,7,7,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 * 7 + d2, d3), memory_config: (1344, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 7 : i32 kernel_width: 7 : i32 out_channels: 64 : i32 padding_height: 3 : i32 padding_width: 3 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[768,3,16,16,bf16]> tensor<[1,1,196,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 16 + d2, d3), memory_config: (36864, 16, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 16 : i32 kernel_width: 16 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 16 : i32 stride_width: 16 : i32 | tensor<[1,1,196,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,3,bf16]> tensor<[768,3,32,32,bf16]> tensor<[1,1,49,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 32 + d2, d3), memory_config: (73728, 32, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 32 : i32 kernel_width: 32 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 32 : i32 stride_width: 32 : i32 | tensor<[1,1,49,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50625,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,12544,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50625 + d1 * 50625 + d2, d3), memory_config: (1583, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 225 : i32 input_width: 225 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,58081,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,14400,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58081 + d1 * 58081 + d2, d3), memory_config: (1816, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 241 : i32 input_width: 241 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,65536,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,68121,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,16900,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68121 + d1 * 68121 + d2, d3), memory_config: (2129, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 261 : i32 input_width: 261 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,89401,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,22201,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 89401 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (22201, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 299 : i32 input_width: 299 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,22201,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (22201, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,89401,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,22500,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 89401 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 299 : i32 input_width: 299 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,90601,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,22500,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90601 + d1 * 90601 + d2, d3), memory_config: (2832, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 301 : i32 input_width: 301 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,102400,3,f32]> tensor<[16,3,3,3,f32]> tensor<[1,1,25600,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102400 + d1 * 102400 + d2, d3), memory_config: (3200, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (144, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 320 : i32 input_width: 320 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,3,bf16]> tensor<[768,3,4,4,bf16]> tensor<[1,1,256,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 4 + d2, d3), memory_config: (9216, 4, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 32 : i32 input_width: 128 : i32 kernel_height: 4 : i32 kernel_width: 4 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,256,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,145161,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,36100,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 145161 + d1 * 145161 + d2, d3), memory_config: (4537, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 381 : i32 input_width: 381 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196608,3,bf16]> tensor<[768,3,32,32,bf16]> tensor<[1,1,192,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196608 + d1 * 196608 + d2, d3), memory_config: (6144, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 32 + d2, d3), memory_config: (73728, 32, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (192, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 384 : i32 input_width: 512 : i32 kernel_height: 32 : i32 kernel_width: 32 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 32 : i32 stride_width: 32 : i32 | tensor<[1,1,192,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (192, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,307200,3,bf16]> tensor<[64,3,7,7,bf16]> tensor<[1,1,19200,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 307200 + d2, d3), memory_config: (9600, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 * 7 + d2, d3), memory_config: (1344, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 480 : i32 input_width: 640 : i32 kernel_height: 7 : i32 kernel_width: 7 : i32 out_channels: 64 : i32 padding_height: 3 : i32 padding_width: 3 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,262144,3,f32]> tensor<[192,3,4,4,f32]> tensor<[1,1,16384,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 4 + d2, d3), memory_config: (2304, 4, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 512 : i32 input_width: 512 : i32 kernel_height: 4 : i32 kernel_width: 4 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,16384,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,262144,3,bf16]> tensor<[32,3,3,3,bf16]> tensor<[1,1,262144,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (262144, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 512 : i32 input_width: 512 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,262144,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (262144, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,262144,3,bf16]> tensor<[32,3,6,6,bf16]> tensor<[1,1,65536,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 * 6 + d2, d3), memory_config: (576, 6, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 512 : i32 input_width: 512 : i32 kernel_height: 6 : i32 kernel_width: 6 : i32 out_channels: 32 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,262144,3,bf16]> tensor<[32,3,7,7,bf16]> tensor<[1,1,16384,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 * 7 + d2, d3), memory_config: (672, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 512 : i32 input_width: 512 : i32 kernel_height: 7 : i32 kernel_width: 7 : i32 out_channels: 32 : i32 padding_height: 3 : i32 padding_width: 3 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,344064,3,bf16]> tensor<[192,3,16,16,bf16]> tensor<[1,1,1344,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 344064 + d1 * 344064 + d2, d3), memory_config: (10752, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 16 + d2, d3), memory_config: (9216, 16, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (1344, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 512 : i32 input_width: 672 : i32 kernel_height: 16 : i32 kernel_width: 16 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 16 : i32 stride_width: 16 : i32 | tensor<[1,1,1344,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (1344, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,268324,3,bf16]> tensor<[1280,3,14,14,bf16]> tensor<[1,1,1369,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 268324 + d1 * 268324 + d2, d3), memory_config: (8386, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (53760, 14, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (1369, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 518 : i32 input_width: 518 : i32 kernel_height: 14 : i32 kernel_width: 14 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 14 : i32 stride_width: 14 : i32 | tensor<[1,1,1369,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (1369, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,921600,3,bf16]> tensor<[64,3,7,7,bf16]> tensor<[1,1,230400,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 921600 + d1 * 921600 + d2, d3), memory_config: (28800, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 * 7 + d2, d3), memory_config: (1344, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 3 : i32 input_height: 720 : i32 input_width: 1280 : i32 kernel_height: 7 : i32 kernel_width: 7 : i32 out_channels: 64 : i32 padding_height: 3 : i32 padding_width: 3 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,40,bf16]> tensor<[120,40,1,1,bf16]> tensor<[1,1,196,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (4800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,40,bf16]> tensor<[240,40,1,1,bf16]> tensor<[1,1,196,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (9600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,40,bf16]> tensor<[40,1,3,3,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (120, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 40 : i32 in_channels: 40 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 40 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,40,bf16]> tensor<[80,40,1,1,bf16]> tensor<[1,1,196,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (3200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,40,bf16]> tensor<[120,40,1,1,bf16]> tensor<[1,1,784,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (4800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,40,bf16]> tensor<[240,40,1,1,bf16]> tensor<[1,1,784,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (9600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,40,bf16]> tensor<[40,1,3,3,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (120, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 40 : i32 in_channels: 40 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 40 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,40,bf16]> tensor<[60,40,1,1,bf16]> tensor<[1,1,784,60,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 60 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,900,40,bf16]> tensor<[240,40,1,1,bf16]> tensor<[1,1,900,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (9600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 30 : i32 input_width: 30 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1600,40,f32]> tensor<[120,40,1,1,f32]> tensor<[1,1,1600,120,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (4800, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 40 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1600,40,f32]> tensor<[240,40,1,1,f32]> tensor<[1,1,1600,240,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (9600, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 40 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1600,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,40,bf16]> tensor<[14,40,3,3,bf16]> tensor<[1,1,3136,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 3 + d2, d3), memory_config: (1680, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 40 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 14 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,416,bf16]> tensor<[128,416,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 13, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (53248, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 416 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,416,bf16]> tensor<[128,416,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 13, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (53248, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 416 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,428,bf16]> tensor<[116,428,3,3,bf16]> tensor<[1,1,196,116,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1284 + d1 * 3 + d2, d3), memory_config: (148944, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 428 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 116 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,144,448,bf16]> tensor<[1280,448,1,1,bf16]> tensor<[1,1,144,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 14, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (573440, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 448 : i32 input_height: 12 : i32 input_width: 12 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,144,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,448,bf16]> tensor<[128,448,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (57344, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 448 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,448,bf16]> tensor<[128,448,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 14, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (57344, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 448 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,448,bf16]> tensor<[256,448,1,1,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 14, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (114688, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 448 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,448,bf16]> tensor<[512,448,1,3,bf16]> tensor<[1,1,64,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 14, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (229376, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 448 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,466,bf16]> tensor<[168,466,3,3,bf16]> tensor<[1,1,784,168,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1398 + d1 * 3 + d2, d3), memory_config: (234864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 168, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 466 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 168 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 168, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,46,bf16]> tensor<[16,46,3,3,bf16]> tensor<[1,1,784,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 138 + d1 * 3 + d2, d3), memory_config: (2208, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 46 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,480,f32]> tensor<[24,480,1,1,f32]> tensor<[1,1,100,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (11520, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,480,f32]> tensor<[256,480,1,1,f32]> tensor<[1,1,100,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (122880, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,480,f32]> tensor<[480,1,3,3,f32]> tensor<[1,1,100,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1440, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 480 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,480,f32]> tensor<[480,1,5,5,f32]> tensor<[1,1,100,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (2400, 5, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 480 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,480,f32]> tensor<[546,480,1,1,f32]> tensor<[1,1,100,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (262080, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 546 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,480,f32]> tensor<[80,480,1,1,f32]> tensor<[1,1,100,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (38400, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[112,480,1,1,bf16]> tensor<[1,1,196,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (53760, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[128,480,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (61440, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[16,480,1,1,bf16]> tensor<[1,1,196,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (7680, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 16 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[192,480,1,1,bf16]> tensor<[1,1,196,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (92160, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[480,1,3,3,bf16]> tensor<[1,1,196,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1440, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 480 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[480,1,5,5,bf16]> tensor<[1,1,196,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (2400, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 480 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[56,480,1,1,bf16]> tensor<[1,1,196,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (26880, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 56 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[64,480,1,1,bf16]> tensor<[1,1,196,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (30720, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[80,480,1,1,bf16]> tensor<[1,1,196,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (38400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,480,bf16]> tensor<[96,480,1,1,bf16]> tensor<[1,1,196,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (46080, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,480,bf16]> tensor<[112,480,1,1,bf16]> tensor<[1,1,225,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (53760, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,480,bf16]> tensor<[480,1,3,3,bf16]> tensor<[1,1,225,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1440, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 480 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,480,bf16]> tensor<[480,1,5,5,bf16]> tensor<[1,1,225,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (2400, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 480 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,480,bf16]> tensor<[80,480,1,1,bf16]> tensor<[1,1,225,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (38400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,480,bf16]> tensor<[120,480,1,1,bf16]> tensor<[1,1,1,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (57600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,480,f32]> tensor<[112,480,1,1,f32]> tensor<[1,1,400,112,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (53760, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,480,f32]> tensor<[480,1,3,3,f32]> tensor<[1,1,400,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1440, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 480 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,480,bf16]> tensor<[128,480,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (61440, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 480 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,480,bf16]> tensor<[480,1,1,5,bf16]> tensor<[1,1,49,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (480, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,480,bf16]> tensor<[480,1,3,3,bf16]> tensor<[1,1,49,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1440, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 480 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,480,bf16]> tensor<[480,1,5,1,bf16]> tensor<[1,1,49,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (2400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 480 : i32 in_channels: 480 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,48,bf16]> tensor<[48,1,3,3,bf16]> tensor<[1,1,3136,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 48, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 48 : i32 in_channels: 48 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 48 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 48, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1089,48,bf16]> tensor<[288,48,1,1,bf16]> tensor<[1,1,1089,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (13824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 48 : i32 input_height: 33 : i32 input_width: 33 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 288 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,48,bf16]> tensor<[288,48,1,1,bf16]> tensor<[1,1,1444,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (13824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 48 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 288 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,48,bf16]> tensor<[12,48,1,1,bf16]> tensor<[1,1,3136,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 48 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 12 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,48,bf16]> tensor<[128,48,3,3,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 3 + d2, d3), memory_config: (18432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 48 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,4,bf16]> tensor<[320,4,3,3,bf16]> tensor<[1,1,4096,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 3 + d2, d3), memory_config: (3840, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 4 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[1024,512,1,1,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[1024,512,3,3,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (1572864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[1024,512,3,3,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (1572864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[112,512,1,1,bf16]> tensor<[1,1,196,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (57344, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[128,512,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[144,512,1,1,bf16]> tensor<[1,1,196,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (73728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 144 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[160,512,1,1,bf16]> tensor<[1,1,196,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (81920, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[192,512,1,1,bf16]> tensor<[1,1,196,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (98304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[24,512,1,1,bf16]> tensor<[1,1,196,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[256,512,1,1,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[32,512,1,1,bf16]> tensor<[1,1,196,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[512,1,3,3,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 512 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[512,1,3,3,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 512 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[512,512,1,1,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,512,bf16]> tensor<[64,512,1,1,bf16]> tensor<[1,1,196,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,300,512,bf16]> tensor<[64,512,1,1,bf16]> tensor<[1,1,300,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 300 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (32768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 15 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,512,bf16]> tensor<[1024,512,3,3,bf16]> tensor<[1,1,256,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (1572864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,512,bf16]> tensor<[255,512,1,1,bf16]> tensor<[1,1,256,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (130560, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 255 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,512,bf16]> tensor<[256,512,1,1,bf16]> tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,512,bf16]> tensor<[512,512,1,1,bf16]> tensor<[1,1,256,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,256,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,512,bf16]> tensor<[1000,512,1,1,bf16]> tensor<[1,1,1,1000,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512000, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1000, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1000 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,1000,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1000, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,512,bf16]> tensor<[512,512,1,1,bf16]> tensor<[1,1,1,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,920,512,bf16]> tensor<[2048,512,1,1,bf16]> tensor<[1,1,920,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 23 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,920,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,920,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 23 : i32 input_width: 40 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[1024,512,1,1,bf16]> tensor<[1,1,784,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[1024,512,1,1,bf16]> tensor<[1,1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[128,512,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[128,512,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[19,512,1,1,bf16]> tensor<[1,1,784,19,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (9728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 19 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[256,512,1,1,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[38,512,1,1,bf16]> tensor<[1,1,784,38,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (19456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 38 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[512,1,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 512 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[512,1,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 2 : i32 dilation_width: 2 : i32 groups: 512 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[512,512,1,1,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,512,bf16]> tensor<[512,8,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 512 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,512,bf16]> tensor<[1024,512,3,3,bf16]> tensor<[1,1,256,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (1572864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1024 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,512,bf16]> tensor<[128,512,1,1,bf16]> tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,512,bf16]> tensor<[255,512,1,1,bf16]> tensor<[1,1,1024,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (130560, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 255 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,512,bf16]> tensor<[256,512,1,1,bf16]> tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,512,bf16]> tensor<[256,512,3,3,bf16]> tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,920,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 45 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,512,bf16]> tensor<[256,512,3,3,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (393216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,512,bf16]> tensor<[512,8,3,3,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 512 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25,512,f32]> tensor<[128,512,1,1,f32]> tensor<[1,1,25,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (65536, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 5 : i32 input_width: 5 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25,512,f32]> tensor<[24,512,1,1,f32]> tensor<[1,1,25,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (12288, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 5 : i32 input_width: 5 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25,512,f32]> tensor<[512,1,3,3,f32]> tensor<[1,1,25,512,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 512 : i32 in_channels: 512 : i32 input_height: 5 : i32 input_width: 5 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25,512,f32]> tensor<[546,512,1,1,f32]> tensor<[1,1,25,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (279552, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 5 : i32 input_width: 5 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 546 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,25,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4800,512,bf16]> tensor<[512,1,3,3,bf16]> tensor<[1,1,4800,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1536, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 512 : i32 in_channels: 512 : i32 input_height: 60 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4800,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,512,bf16]> tensor<[1024,512,1,1,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,512,bf16]> tensor<[2048,512,1,1,bf16]> tensor<[1,1,49,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (1048576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 2048 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,512,bf16]> tensor<[512,512,3,3,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (786432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 512 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,512,bf16]> tensor<[256,512,1,3,bf16]> tensor<[1,1,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (131072, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 3 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,512,bf16]> tensor<[256,512,3,1,bf16]> tensor<[1,1,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 3 + d2, d3), memory_config: (393216, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 3 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 1 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,512,bf16]> tensor<[1024,512,1,1,bf16]> tensor<[1,1,3600,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (524288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 90 : i32 input_width: 160 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,512,bf16]> tensor<[128,512,1,1,bf16]> tensor<[1,1,14400,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (65536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 90 : i32 input_width: 160 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14400,512,bf16]> tensor<[256,512,1,1,bf16]> tensor<[1,1,14400,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (131072, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 512 : i32 input_height: 90 : i32 input_width: 160 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,14400,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,528,bf16]> tensor<[128,528,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (67584, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 528 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,528,bf16]> tensor<[160,528,1,1,bf16]> tensor<[1,1,196,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (84480, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 528 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,528,bf16]> tensor<[256,528,1,1,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (135168, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 528 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,528,bf16]> tensor<[32,528,1,1,bf16]> tensor<[1,1,196,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (16896, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 528 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,528,bf16]> tensor<[120,528,1,1,bf16]> tensor<[1,1,289,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (63360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 528 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,528,bf16]> tensor<[528,1,3,3,bf16]> tensor<[1,1,289,528,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1584, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 528 : i32 in_channels: 528 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 528 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,528,bf16]> tensor<[528,1,5,5,bf16]> tensor<[1,1,289,528,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (2640, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 528 : i32 in_channels: 528 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 528 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,528,bf16]> tensor<[88,528,1,1,bf16]> tensor<[1,1,289,88,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (46464, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 528 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 88 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,544,bf16]> tensor<[128,544,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 544 + d1 + d2, d3), memory_config: (69632, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 544 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,544,bf16]> tensor<[196,544,3,3,bf16]> tensor<[1,1,196,196,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 * 3 + d2, d3), memory_config: (319872, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 196, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 544 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 196 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 196, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,54,bf16]> tensor<[24,54,3,3,bf16]> tensor<[1,1,3136,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 162 + d1 * 3 + d2, d3), memory_config: (3888, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 54 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 24 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,56,bf16]> tensor<[56,1,3,3,bf16]> tensor<[1,1,196,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (168, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 56 : i32 in_channels: 56 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 56 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,2304,56,bf16]> tensor<[336,56,1,1,bf16]> tensor<[1,1,2304,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (18816, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 56 : i32 input_height: 48 : i32 input_width: 48 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 336 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,576,bf16]> tensor<[128,576,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (73728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 576 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,576,bf16]> tensor<[576,1,3,3,bf16]> tensor<[1,1,196,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1728, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 576 : i32 in_channels: 576 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 576 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,576,bf16]> tensor<[576,1,3,3,bf16]> tensor<[1,1,49,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1728, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 576, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 576 : i32 in_channels: 576 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 576 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 576, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,576,bf16]> tensor<[96,576,1,1,bf16]> tensor<[1,1,196,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (55296, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 576 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,576,bf16]> tensor<[136,576,1,1,bf16]> tensor<[1,1,361,136,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (78336, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 576 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 136 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,576,bf16]> tensor<[576,1,3,3,bf16]> tensor<[1,1,361,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1728, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 576 : i32 in_channels: 576 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 576 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,576,bf16]> tensor<[576,1,5,5,bf16]> tensor<[1,1,361,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (2880, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 576 : i32 in_channels: 576 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 576 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,576,bf16]> tensor<[96,576,1,1,bf16]> tensor<[1,1,361,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (55296, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 576 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,576,bf16]> tensor<[160,576,1,1,bf16]> tensor<[1,1,49,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 18, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (92160, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 576 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,58,bf16]> tensor<[232,58,1,1,bf16]> tensor<[1,1,1,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (13456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 58 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 232 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,58,bf16]> tensor<[696,58,1,1,bf16]> tensor<[1,1,1,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (40368, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 58 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 696 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,58,bf16]> tensor<[20,58,3,3,bf16]> tensor<[1,1,784,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 * 3 + d2, d3), memory_config: (3480, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 58 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 20 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,608,bf16]> tensor<[128,608,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 19, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 608 + d1 + d2, d3), memory_config: (77824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 608 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,60,bf16]> tensor<[60,1,3,3,bf16]> tensor<[1,1,784,60,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (180, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 60 : i32 in_channels: 60 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 60 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,62,bf16]> tensor<[28,62,3,3,bf16]> tensor<[1,1,784,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 186 + d1 * 3 + d2, d3), memory_config: (5208, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 62 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 28 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,640,bf16]> tensor<[128,640,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (81920, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,640,bf16]> tensor<[1280,640,1,1,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (819200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,256,640,bf16]> tensor<[1280,640,3,3,bf16]> tensor<[1,1,256,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 3 + d2, d3), memory_config: (2457600, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 16 : i32 input_width: 16 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1280 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,640,bf16]> tensor<[640,1,3,3,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (1920, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 640 : i32 in_channels: 640 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,640,bf16]> tensor<[640,640,1,1,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (409600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 640 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,640,bf16]> tensor<[640,640,3,3,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 3 + d2, d3), memory_config: (1228800, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,640,bf16]> tensor<[640,640,3,3,bf16]> tensor<[1,1,256,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 3 + d2, d3), memory_config: (1228800, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,256,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,640,bf16]> tensor<[320,640,1,1,bf16]> tensor<[1,1,4096,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (204800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,640,bf16]> tensor<[320,640,3,3,bf16]> tensor<[1,1,4096,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 3 + d2, d3), memory_config: (614400, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,640,bf16]> tensor<[640,640,3,3,bf16]> tensor<[1,1,4096,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 3 + d2, d3), memory_config: (1228800, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,640,bf16]> tensor<[160,640,3,3,bf16]> tensor<[1,1,49,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 3 + d2, d3), memory_config: (307200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 640 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 160 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,12544,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,12544,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,64,bf16]> tensor<[64,1,3,3,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 64 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,64,bf16]> tensor<[64,1,3,3,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 64 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,64,bf16]> tensor<[64,64,1,1,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (4096, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,19200,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,4800,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 120 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,4800,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,19200,64,bf16]> tensor<[32,64,3,3,bf16]> tensor<[1,1,19200,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 120 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,19200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,19200,64,bf16]> tensor<[64,64,8,8,bf16]> tensor<[1,1,300,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 8 + d2, d3), memory_config: (32768, 8, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 120 : i32 input_width: 160 : i32 kernel_height: 8 : i32 kernel_width: 8 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 8 : i32 stride_width: 8 : i32 | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,16384,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,64,bf16]> tensor<[32,64,1,1,bf16]> tensor<[1,1,16384,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2048, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,64,bf16]> tensor<[64,64,1,1,bf16]> tensor<[1,1,16384,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (4096, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,16384,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,16384,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 128 : i32 input_width: 128 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,21609,64,bf16]> tensor<[96,64,3,3,bf16]> tensor<[1,1,5329,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (18432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 147 : i32 input_width: 147 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,5329,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,64,bf16]> tensor<[384,64,1,1,bf16]> tensor<[1,1,196,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (24576, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 384 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,64,bf16]> tensor<[128,64,1,1,bf16]> tensor<[1,1,22500,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,64,bf16]> tensor<[128,64,1,1,bf16]> tensor<[1,1,5625,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,22500,64,bf16]> tensor<[64,1,3,3,bf16]> tensor<[1,1,22500,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 64 : i32 input_height: 150 : i32 input_width: 150 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,25600,64,f32]> tensor<[64,1,3,3,f32]> tensor<[1,1,6400,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (192, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 64 : i32 input_height: 160 : i32 input_width: 160 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,6400,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,57600,64,bf16]> tensor<[256,64,1,1,bf16]> tensor<[1,1,57600,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 180 : i32 input_width: 320 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,57600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,57600,64,bf16]> tensor<[64,64,1,1,bf16]> tensor<[1,1,57600,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (4096, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 180 : i32 input_width: 320 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,57600,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,57600,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 180 : i32 input_width: 320 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,64,f32]> tensor<[128,64,1,1,f32]> tensor<[1,1,1,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (8192, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,64,bf16]> tensor<[1,64,1,1,bf16]> tensor<[1,1,50176,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (64, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 1, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 1, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,50176,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,50176,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,50176,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 224 : i32 input_width: 224 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,16384,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,64,bf16]> tensor<[32,64,1,1,bf16]> tensor<[1,1,65536,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2048, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,65536,64,bf16]> tensor<[32,64,3,3,bf16]> tensor<[1,1,65536,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 256 : i32 input_width: 256 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,64,bf16]> tensor<[128,64,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,64,bf16]> tensor<[256,64,1,1,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,784,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4,64,f32]> tensor<[64,1,3,3,f32]> tensor<[1,1,1,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (192, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 64 : i32 in_channels: 64 : i32 input_height: 2 : i32 input_width: 2 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1200,64,bf16]> tensor<[32,64,3,3,bf16]> tensor<[1,1,1200,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 30 : i32 input_width: 40 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,64,bf16]> tensor<[96,64,3,3,bf16]> tensor<[1,1,1225,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (18432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,307200,64,bf16]> tensor<[1,64,3,3,bf16]> tensor<[1,1,307200,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 307200 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (192, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 1, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 480 : i32 input_width: 640 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 1 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,307200,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 1, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,307200,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,307200,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 307200 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 480 : i32 input_width: 640 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,307200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[128,64,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[128,64,1,1,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (8192, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[14,64,3,3,bf16]> tensor<[1,1,3136,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (2688, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 14 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[192,64,3,3,bf16]> tensor<[1,1,3136,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (36864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 192 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[24,64,1,1,bf16]> tensor<[1,1,3136,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (1536, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[256,64,1,1,bf16]> tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (16384, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[64,64,1,1,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (4096, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4800,64,bf16]> tensor<[32,64,3,3,bf16]> tensor<[1,1,4800,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (6144, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 60 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 32 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4800,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,64,bf16]> tensor<[128,64,3,3,bf16]> tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (24576, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,64,bf16]> tensor<[160,64,3,3,bf16]> tensor<[1,1,1024,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (30720, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 160 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1024,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,64,bf16]> tensor<[64,64,1,1,bf16]> tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (4096, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,64,bf16]> tensor<[64,64,3,3,bf16]> tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (12288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 64 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,64,bf16]> tensor<[64,64,4,4,bf16]> tensor<[1,1,256,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 4 + d2, d3), memory_config: (16384, 4, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 4 : i32 kernel_width: 4 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 4 : i32 stride_width: 4 : i32 | tensor<[1,1,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5329,64,bf16]> tensor<[64,64,1,7,bf16]> tensor<[1,1,5329,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (4096, 7, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 73 : i32 input_width: 73 : i32 kernel_height: 1 : i32 kernel_width: 7 : i32 out_channels: 64 : i32 padding_height: 0 : i32 padding_width: 3 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5329,64,bf16]> tensor<[64,64,7,1,bf16]> tensor<[1,1,5329,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 7 + d2, d3), memory_config: (28672, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 73 : i32 input_width: 73 : i32 kernel_height: 7 : i32 kernel_width: 1 : i32 out_channels: 64 : i32 padding_height: 3 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,5329,64,bf16]> tensor<[96,64,3,3,bf16]> tensor<[1,1,5041,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 3 + d2, d3), memory_config: (18432, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (5041, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 73 : i32 input_width: 73 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,5041,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (5041, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,6400,64,f32]> tensor<[24,64,1,1,f32]> tensor<[1,1,6400,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (1536, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 64 : i32 input_height: 80 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,6400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,654,bf16]> tensor<[640,654,1,1,bf16]> tensor<[1,1,196,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 654 + d1 + d2, d3), memory_config: (418560, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 654 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 640 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,672,f32]> tensor<[80,672,1,1,f32]> tensor<[1,1,100,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (53760, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,672,bf16]> tensor<[112,672,1,1,bf16]> tensor<[1,1,196,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (75264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,672,bf16]> tensor<[128,672,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (86016, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,672,bf16]> tensor<[56,672,1,1,bf16]> tensor<[1,1,196,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (37632, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 56 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,672,bf16]> tensor<[672,1,3,3,bf16]> tensor<[1,1,196,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (2016, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 672 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,672,bf16]> tensor<[672,1,5,5,bf16]> tensor<[1,1,196,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,672,bf16]> tensor<[672,1,5,5,bf16]> tensor<[1,1,49,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,672,bf16]> tensor<[112,672,1,1,bf16]> tensor<[1,1,225,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (75264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,672,bf16]> tensor<[672,1,5,5,bf16]> tensor<[1,1,225,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,672,bf16]> tensor<[672,1,5,5,bf16]> tensor<[1,1,49,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,672,bf16]> tensor<[672,1,5,5,bf16]> tensor<[1,1,64,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,64,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,672,bf16]> tensor<[168,672,1,1,bf16]> tensor<[1,1,1,168,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (112896, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 168, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 168 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 168, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,672,f32]> tensor<[112,672,1,1,f32]> tensor<[1,1,400,112,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (75264, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,672,f32]> tensor<[24,672,1,1,f32]> tensor<[1,1,400,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (16128, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,672,f32]> tensor<[546,672,1,1,f32]> tensor<[1,1,400,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (366912, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 546 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,672,f32]> tensor<[672,1,3,3,f32]> tensor<[1,1,400,672,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (2016, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 672 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,672,f32]> tensor<[672,1,5,5,f32]> tensor<[1,1,100,672,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 5, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,100,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,672,bf16]> tensor<[112,672,1,1,bf16]> tensor<[1,1,576,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (75264, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,672,bf16]> tensor<[160,672,1,1,bf16]> tensor<[1,1,576,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (107520, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,672,bf16]> tensor<[672,1,3,3,bf16]> tensor<[1,1,576,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (2016, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 672 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,672,bf16]> tensor<[672,1,5,5,bf16]> tensor<[1,1,576,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,672,bf16]> tensor<[1344,672,1,1,bf16]> tensor<[1,1,784,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (903168, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1344, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1344 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1344, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,672,bf16]> tensor<[1344,672,1,1,bf16]> tensor<[1,1,196,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (903168, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1344 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,672,bf16]> tensor<[672,168,3,3,bf16]> tensor<[1,1,784,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 3 + d2, d3), memory_config: (338688, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 4 : i32 in_channels: 672 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 672 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,672,bf16]> tensor<[672,672,1,1,bf16]> tensor<[1,1,784,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (451584, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,672,bf16]> tensor<[672,168,3,3,bf16]> tensor<[1,1,784,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 3 + d2, d3), memory_config: (338688, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 4 : i32 in_channels: 672 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 672 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,672,bf16]> tensor<[160,672,1,1,bf16]> tensor<[1,1,49,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (107520, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,672,bf16]> tensor<[192,672,1,1,bf16]> tensor<[1,1,49,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (129024, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,672,bf16]> tensor<[672,1,1,5,bf16]> tensor<[1,1,49,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (672, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 672 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,672,bf16]> tensor<[672,1,5,1,bf16]> tensor<[1,1,49,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 672 : i32 in_channels: 672 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 672 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,672,bf16]> tensor<[80,672,1,1,bf16]> tensor<[1,1,49,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (53760, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,64,672,bf16]> tensor<[192,672,1,1,bf16]> tensor<[1,1,64,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (129024, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 672 : i32 input_height: 8 : i32 input_width: 8 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,68,bf16]> tensor<[40,68,3,3,bf16]> tensor<[1,1,196,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 3 + d2, d3), memory_config: (8160, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 68 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 40 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,696,bf16]> tensor<[174,696,1,1,bf16]> tensor<[1,1,1,174,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (121104, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 696 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 174 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,696,bf16]> tensor<[58,696,1,1,bf16]> tensor<[1,1,1,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (40368, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 696 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 58 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,696,bf16]> tensor<[1392,696,1,1,bf16]> tensor<[1,1,784,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (968832, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 696 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1392 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,696,bf16]> tensor<[1392,696,1,1,bf16]> tensor<[1,1,196,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (968832, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 696 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1392 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,696,bf16]> tensor<[696,232,3,3,bf16]> tensor<[1,1,784,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 3 + d2, d3), memory_config: (484416, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3 : i32 in_channels: 696 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 696 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,696,bf16]> tensor<[696,696,1,1,bf16]> tensor<[1,1,784,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (484416, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 696 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 696 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,696,bf16]> tensor<[696,232,3,3,bf16]> tensor<[1,1,784,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 3 + d2, d3), memory_config: (484416, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 3 : i32 in_channels: 696 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 696 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,704,bf16]> tensor<[128,704,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 22, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 704 + d1 + d2, d3), memory_config: (90112, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 704 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,720,bf16]> tensor<[120,720,1,1,bf16]> tensor<[1,1,289,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (86400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 720 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 120 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,720,bf16]> tensor<[720,1,5,5,bf16]> tensor<[1,1,289,720,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3600, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 720 : i32 in_channels: 720 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 720 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,441,720,bf16]> tensor<[720,1,5,5,bf16]> tensor<[1,1,81,720,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 441 + d1 * 441 + d2, d3), memory_config: (14, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (3600, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 720, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 720 : i32 in_channels: 720 : i32 input_height: 21 : i32 input_width: 21 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 720 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,81,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 720, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,81,720,bf16]> tensor<[208,720,1,1,bf16]> tensor<[1,1,81,208,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (149760, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 720 : i32 input_height: 9 : i32 input_width: 9 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 208 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,81,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,728,bf16]> tensor<[1024,728,1,1,bf16]> tensor<[1,1,361,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (745472, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 728 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,728,bf16]> tensor<[1024,728,1,1,bf16]> tensor<[1,1,100,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (745472, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 728 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,728,bf16]> tensor<[728,1,3,3,bf16]> tensor<[1,1,361,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (2184, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 728 : i32 in_channels: 728 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 728 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,728,bf16]> tensor<[728,728,1,1,bf16]> tensor<[1,1,361,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (529984, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 728 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 728 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,728,bf16]> tensor<[728,1,3,3,bf16]> tensor<[1,1,1444,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (2184, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 728 : i32 in_channels: 728 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 728 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,728,bf16]> tensor<[728,1,3,3,bf16]> tensor<[1,1,361,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (2184, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 728 : i32 in_channels: 728 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 728 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,728,bf16]> tensor<[728,728,1,1,bf16]> tensor<[1,1,1444,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (529984, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 728 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 728 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1444,728,bf16]> tensor<[728,728,1,1,bf16]> tensor<[1,1,361,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (529984, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 728 : i32 input_height: 38 : i32 input_width: 38 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 728 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,72,bf16]> tensor<[128,72,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (9216, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,72,bf16]> tensor<[144,72,3,3,bf16]> tensor<[1,1,49,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 3 + d2, d3), memory_config: (31104, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 144 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,72,bf16]> tensor<[18,72,1,1,bf16]> tensor<[1,1,196,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (1296, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 18 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,72,bf16]> tensor<[36,72,1,1,bf16]> tensor<[1,1,196,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (2592, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 36 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,72,bf16]> tensor<[512,72,1,1,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (36864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,72,bf16]> tensor<[72,72,3,3,bf16]> tensor<[1,1,196,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 3 + d2, d3), memory_config: (15552, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 72 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,72,bf16]> tensor<[20,72,1,1,bf16]> tensor<[1,1,1,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (1440, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 20 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,72,bf16]> tensor<[24,72,1,1,bf16]> tensor<[1,1,1,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (1728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,72,bf16]> tensor<[20,72,1,1,bf16]> tensor<[1,1,784,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (1440, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 20 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,72,bf16]> tensor<[40,72,1,1,bf16]> tensor<[1,1,784,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (2880, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,72,bf16]> tensor<[72,1,1,5,bf16]> tensor<[1,1,784,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (72, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 72 : i32 in_channels: 72 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 72 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,72,bf16]> tensor<[72,1,5,1,bf16]> tensor<[1,1,784,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 72 : i32 in_channels: 72 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 72 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1600,72,f32]> tensor<[40,72,1,1,f32]> tensor<[1,1,1600,40,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (2880, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 40 : i32 input_width: 40 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 40 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,72,bf16]> tensor<[12,72,1,1,bf16]> tensor<[1,1,3136,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (864, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 12 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,72,bf16]> tensor<[24,72,1,1,bf16]> tensor<[1,1,3136,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (1728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,72,bf16]> tensor<[72,1,3,3,bf16]> tensor<[1,1,3136,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (216, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 72 : i32 in_channels: 72 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 72 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,72,bf16]> tensor<[72,1,5,5,bf16]> tensor<[1,1,784,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (360, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 72 : i32 in_channels: 72 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 72 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,6400,72,f32]> tensor<[24,72,1,1,f32]> tensor<[1,1,6400,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (1728, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 72 : i32 input_height: 80 : i32 input_width: 80 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,6400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,6400,72,f32]> tensor<[72,1,3,3,f32]> tensor<[1,1,6400,72,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (216, 3, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 72 : i32 in_channels: 72 : i32 input_height: 80 : i32 input_width: 80 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 72 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,6400,72,f32]> tensor<[72,1,5,5,f32]> tensor<[1,1,1600,72,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (360, 5, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 72 : i32 in_channels: 72 : i32 input_height: 80 : i32 input_width: 80 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 72 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,1600,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,736,bf16]> tensor<[128,736,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (94208, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 736 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,736,bf16]> tensor<[512,736,1,1,bf16]> tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 23, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (376832, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 736 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 512 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,740,bf16]> tensor<[334,740,3,3,bf16]> tensor<[1,1,196,334,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2220 + d1 * 3 + d2, d3), memory_config: (741480, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 334, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 740 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 334 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,334,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 334, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,768,bf16]> tensor<[128,768,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (98304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 768 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,768,bf16]> tensor<[768,768,1,1,bf16]> tensor<[1,1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 768 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,257,768,bf16]> tensor<[27,768,1,1,bf16]> tensor<[1,1,257,27,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 * 257 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (20736, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 27, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 768 : i32 input_height: 257 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 27 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,257,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 27, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,257,768,bf16]> tensor<[768,96,1,1,bf16]> tensor<[1,1,257,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 * 257 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (73728, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 8 : i32 in_channels: 768 : i32 input_height: 257 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,257,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3000,768,bf16]> tensor<[768,768,3,1,bf16]> tensor<[1,1,1500,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 * 3000 + d2, d3), memory_config: (94, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 3 + d2, d3), memory_config: (1769472, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (1500, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 768 : i32 input_height: 3000 : i32 input_width: 1 : i32 kernel_height: 3 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 1 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 1 : i32 | tensor<[1,1,1500,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (1500, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,768,bf16]> tensor<[256,768,1,1,bf16]> tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (196608, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 768 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,768,bf16]> tensor<[224,768,1,1,bf16]> tensor<[1,1,49,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (172032, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 768 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 224 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,8,768,bf16]> tensor<[3072,192,1,1,bf16]> tensor<[1,1,8,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 3072, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 4 : i32 in_channels: 768 : i32 input_height: 8 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 3072 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,8,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 3072, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,8,768,bf16]> tensor<[768,192,1,1,bf16]> tensor<[1,1,8,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (147456, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 4 : i32 in_channels: 768 : i32 input_height: 8 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,8,768,bf16]> tensor<[768,768,1,1,bf16]> tensor<[1,1,8,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 768 : i32 input_height: 8 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,782,bf16]> tensor<[1024,782,1,1,bf16]> tensor<[1,1,49,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 782 + d1 + d2, d3), memory_config: (800768, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 782 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1024 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,78,bf16]> tensor<[16,78,3,3,bf16]> tensor<[1,1,784,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 234 + d1 * 3 + d2, d3), memory_config: (3744, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 78 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 16 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,78,bf16]> tensor<[34,78,3,3,bf16]> tensor<[1,1,784,34,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 234 + d1 * 3 + d2, d3), memory_config: (7956, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 78 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 34 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,78,bf16]> tensor<[24,78,3,3,bf16]> tensor<[1,1,3136,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 234 + d1 * 3 + d2, d3), memory_config: (5616, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 78 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 24 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,800,bf16]> tensor<[128,800,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 25, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 + d2, d3), memory_config: (102400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 800 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,800,bf16]> tensor<[272,800,3,3,bf16]> tensor<[1,1,49,272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 3 + d2, d3), memory_config: (652800, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 272, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 800 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 272 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 272, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,80,f32]> tensor<[480,80,1,1,f32]> tensor<[1,1,100,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (38400, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[100,80,1,1,bf16]> tensor<[1,1,196,100,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (8000, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 100, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 100 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,100,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 100, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[112,80,1,1,bf16]> tensor<[1,1,196,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (8960, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 112 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[184,80,1,1,bf16]> tensor<[1,1,196,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (14720, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 184 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[200,80,1,1,bf16]> tensor<[1,1,196,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (16000, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 200 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[240,80,1,1,bf16]> tensor<[1,1,196,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (19200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[480,80,1,1,bf16]> tensor<[1,1,196,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (38400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[80,1,3,3,bf16]> tensor<[1,1,196,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (240, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 80 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 80 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,80,bf16]> tensor<[92,80,1,1,bf16]> tensor<[1,1,196,92,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (7360, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 92 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,225,80,bf16]> tensor<[480,80,1,1,bf16]> tensor<[1,1,225,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (38400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 15 : i32 input_width: 15 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,80,f32]> tensor<[184,80,1,1,f32]> tensor<[1,1,400,184,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (14720, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 184 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,80,f32]> tensor<[200,80,1,1,f32]> tensor<[1,1,400,200,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (16000, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 200 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,400,80,f32]> tensor<[480,80,1,1,f32]> tensor<[1,1,400,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (38400, 1, 'f32', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 20 : i32 input_width: 20 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3000,80,bf16]> tensor<[768,80,3,1,bf16]> tensor<[1,1,3000,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 * 3000 + d2, d3), memory_config: (94, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 3 + d2, d3), memory_config: (184320, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (3000, 768, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 3000 : i32 input_width: 1 : i32 kernel_height: 3 : i32 kernel_width: 1 : i32 out_channels: 768 : i32 padding_height: 1 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3000,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (3000, 768, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,80,bf16]> tensor<[184,80,1,1,bf16]> tensor<[1,1,49,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (14720, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 184 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,80,bf16]> tensor<[200,80,1,1,bf16]> tensor<[1,1,49,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (16000, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 200 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,80,bf16]> tensor<[480,80,1,1,bf16]> tensor<[1,1,49,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (38400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 80 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 480 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,80,bf16]> tensor<[80,1,3,3,bf16]> tensor<[1,1,49,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (240, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 80 : i32 in_channels: 80 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 80 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,100,816,bf16]> tensor<[232,816,1,1,bf16]> tensor<[1,1,100,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (189312, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 816 : i32 input_height: 10 : i32 input_width: 10 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 232 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,100,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,816,bf16]> tensor<[136,816,1,1,bf16]> tensor<[1,1,361,136,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (110976, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 816 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 136 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,816,bf16]> tensor<[816,1,5,5,bf16]> tensor<[1,1,361,816,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (4080, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 816 : i32 in_channels: 816 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 816 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,529,816,bf16]> tensor<[816,1,5,5,bf16]> tensor<[1,1,100,816,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 529 + d1 * 529 + d2, d3), memory_config: (17, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (4080, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 816, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 816 : i32 in_channels: 816 : i32 input_height: 23 : i32 input_width: 23 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 816 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,100,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 816, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,832,bf16]> tensor<[128,832,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (106496, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,832,bf16]> tensor<[128,832,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (106496, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,832,bf16]> tensor<[160,832,1,1,bf16]> tensor<[1,1,49,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (133120, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,832,bf16]> tensor<[192,832,1,1,bf16]> tensor<[1,1,49,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (159744, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 192 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,832,bf16]> tensor<[256,832,1,1,bf16]> tensor<[1,1,49,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (212992, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,832,bf16]> tensor<[32,832,1,1,bf16]> tensor<[1,1,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (26624, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 32 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,832,bf16]> tensor<[384,832,1,1,bf16]> tensor<[1,1,49,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (319488, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 384 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,832,bf16]> tensor<[48,832,1,1,bf16]> tensor<[1,1,49,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (39936, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 48, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 832 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 48 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 48, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,864,bf16]> tensor<[128,864,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 27, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 + d2, d3), memory_config: (110592, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 864 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,289,88,bf16]> tensor<[528,88,1,1,bf16]> tensor<[1,1,289,528,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 + d2, d3), memory_config: (46464, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 88 : i32 input_height: 17 : i32 input_width: 17 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 528 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,896,bf16]> tensor<[128,896,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (114688, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 896 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,896,bf16]> tensor<[256,896,1,1,bf16]> tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (229376, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 896 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 256 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,896,bf16]> tensor<[128,896,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 28, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (114688, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 896 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,8,bf16]> tensor<[8,1,3,3,bf16]> tensor<[1,1,12544,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (24, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 8 : i32 in_channels: 8 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 8 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,12544,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,8,bf16]> tensor<[232,8,1,1,bf16]> tensor<[1,1,1,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1856, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 8 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 232 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,928,bf16]> tensor<[128,928,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (118784, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 928 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,928,bf16]> tensor<[128,928,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (118784, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 928 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,92,bf16]> tensor<[92,1,3,3,bf16]> tensor<[1,1,196,92,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (276, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 92 : i32 in_channels: 92 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 92 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,94,bf16]> tensor<[28,94,3,3,bf16]> tensor<[1,1,784,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 282 + d1 * 3 + d2, d3), memory_config: (7896, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 94 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 28 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,144,960,bf16]> tensor<[272,960,1,1,bf16]> tensor<[1,1,144,272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (261120, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 12 : i32 input_width: 12 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 272 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,144,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,960,bf16]> tensor<[128,960,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (122880, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,960,bf16]> tensor<[1280,960,1,1,bf16]> tensor<[1,1,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (1228800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1280, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 1280 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1280, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1,960,bf16]> tensor<[240,960,1,1,bf16]> tensor<[1,1,1,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (230400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 240, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 1 : i32 input_width: 1 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 240 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 240, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,960,bf16]> tensor<[160,960,1,1,bf16]> tensor<[1,1,576,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (153600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,576,960,bf16]> tensor<[960,1,5,5,bf16]> tensor<[1,1,576,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (4800, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 960 : i32 in_channels: 960 : i32 input_height: 24 : i32 input_width: 24 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 960 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,729,960,bf16]> tensor<[960,1,5,5,bf16]> tensor<[1,1,144,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 729 + d1 * 729 + d2, d3), memory_config: (23, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (4800, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 960 : i32 in_channels: 960 : i32 input_height: 27 : i32 input_width: 27 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 960 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,144,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,960,bf16]> tensor<[640,960,1,1,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (614400, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 640 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1024,960,bf16]> tensor<[640,960,3,3,bf16]> tensor<[1,1,1024,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (1843200, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 32 : i32 input_width: 32 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 640 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,960,bf16]> tensor<[960,1,1,5,bf16]> tensor<[1,1,9,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (960, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 960 : i32 in_channels: 960 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 1 : i32 kernel_width: 5 : i32 out_channels: 960 : i32 padding_height: 0 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,9,960,bf16]> tensor<[960,1,5,1,bf16]> tensor<[1,1,9,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (4800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 960 : i32 in_channels: 960 : i32 input_height: 3 : i32 input_width: 3 : i32 kernel_height: 5 : i32 kernel_width: 1 : i32 out_channels: 960 : i32 padding_height: 2 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,960,bf16]> tensor<[320,960,1,1,bf16]> tensor<[1,1,4096,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (307200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4096,960,bf16]> tensor<[320,960,3,3,bf16]> tensor<[1,1,4096,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (921600, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 64 : i32 input_width: 64 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 320 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,960,bf16]> tensor<[128,960,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (122880, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,960,bf16]> tensor<[160,960,1,1,bf16]> tensor<[1,1,49,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (153600, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 160 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,960,bf16]> tensor<[320,960,1,1,bf16]> tensor<[1,1,49,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (307200, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 320 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,960,bf16]> tensor<[80,960,1,1,bf16]> tensor<[1,1,49,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (76800, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 960 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 80 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,960,bf16]> tensor<[960,1,3,3,bf16]> tensor<[1,1,49,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (2880, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 960 : i32 in_channels: 960 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 960 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,960,bf16]> tensor<[960,1,5,5,bf16]> tensor<[1,1,49,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (4800, 5, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 960 : i32 in_channels: 960 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 5 : i32 kernel_width: 5 : i32 out_channels: 960 : i32 padding_height: 2 : i32 padding_width: 2 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12544,96,bf16]> tensor<[96,1,3,3,bf16]> tensor<[1,1,3136,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 96 : i32 in_channels: 96 : i32 input_height: 112 : i32 input_width: 112 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,12769,96,bf16]> tensor<[96,1,3,3,bf16]> tensor<[1,1,3136,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12769 + d1 * 12769 + d2, d3), memory_config: (400, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 96 : i32 in_channels: 96 : i32 input_height: 113 : i32 input_width: 113 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,14641,96,bf16]> tensor<[96,1,3,3,bf16]> tensor<[1,1,3600,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14641 + d1 * 14641 + d2, d3), memory_config: (458, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 96 : i32 in_channels: 96 : i32 input_height: 121 : i32 input_width: 121 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,3600,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,17161,96,bf16]> tensor<[96,1,3,3,bf16]> tensor<[1,1,4225,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17161 + d1 * 17161 + d2, d3), memory_config: (537, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (288, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 96 : i32 in_channels: 96 : i32 input_height: 131 : i32 input_width: 131 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 2 : i32 stride_width: 2 : i32 | tensor<[1,1,4225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,96,bf16]> tensor<[208,96,3,3,bf16]> tensor<[1,1,196,208,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 3 + d2, d3), memory_config: (59904, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 208, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 208 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 208, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,96,bf16]> tensor<[576,96,1,1,bf16]> tensor<[1,1,196,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (55296, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 576 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,361,96,bf16]> tensor<[576,96,1,1,bf16]> tensor<[1,1,361,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (55296, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 19 : i32 input_width: 19 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 576 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,96,bf16]> tensor<[128,96,3,3,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 3 + d2, d3), memory_config: (36864, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 128 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,1225,96,bf16]> tensor<[96,96,3,3,bf16]> tensor<[1,1,1225,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 3 + d2, d3), memory_config: (27648, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 35 : i32 input_width: 35 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 96 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,96,bf16]> tensor<[128,96,1,1,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3136,96,bf16]> tensor<[24,96,1,1,bf16]> tensor<[1,1,3136,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (2304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 56 : i32 input_width: 56 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,3600,96,bf16]> tensor<[24,96,1,1,bf16]> tensor<[1,1,3600,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (2304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 60 : i32 input_width: 60 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,3600,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,4225,96,bf16]> tensor<[24,96,1,1,bf16]> tensor<[1,1,4225,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (2304, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 96 : i32 input_height: 65 : i32 input_width: 65 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 24 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,4225,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,784,98,bf16]> tensor<[20,98,3,3,bf16]> tensor<[1,1,784,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 294 + d1 * 3 + d2, d3), memory_config: (5880, 3, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 98 : i32 input_height: 28 : i32 input_width: 28 : i32 kernel_height: 3 : i32 kernel_width: 3 : i32 out_channels: 20 : i32 padding_height: 1 : i32 padding_width: 1 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,196,992,bf16]> tensor<[128,992,1,1,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 31, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (126976, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 992 : i32 input_height: 14 : i32 input_width: 14 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.conv2d | tensor<[1,1,49,992,bf16]> tensor<[128,992,1,1,bf16]> tensor<[1,1,49,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 31, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (126976, 1, 'bf16', 'system_memory') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | batch_size: 1 : i32 dilation_height: 1 : i32 dilation_width: 1 : i32 groups: 1 : i32 in_channels: 992 : i32 input_height: 7 : i32 input_width: 7 : i32 kernel_height: 1 : i32 kernel_width: 1 : i32 out_channels: 128 : i32 padding_height: 0 : i32 padding_width: 0 : i32 stride_height: 1 : i32 stride_width: 1 : i32 | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.cos
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.cos | tensor<[1,13,128,f32]> tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.cos | tensor<[1,1,128,f32]> tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.cos | tensor<[1,32,128,f32]> tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.div | tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[121,6,144,144,f32]> tensor<[121,6,144,144,f32]> tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[16,8,49,49,f32]> tensor<[16,8,49,49,f32]> tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,10,10,f32]> tensor<[1,12,10,10,f32]> tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,10,f32]> tensor<[1,12,1,10,f32]> tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,11,f32]> tensor<[1,12,1,11,f32]> tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,12,f32]> tensor<[1,12,1,12,f32]> tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,1,f32]> tensor<[1,12,1,1,f32]> tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,2,f32]> tensor<[1,12,1,2,f32]> tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,3,f32]> tensor<[1,12,1,3,f32]> tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,4,f32]> tensor<[1,12,1,4,f32]> tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,5,f32]> tensor<[1,12,1,5,f32]> tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,6,f32]> tensor<[1,12,1,6,f32]> tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,7,f32]> tensor<[1,12,1,7,f32]> tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,8,f32]> tensor<[1,12,1,8,f32]> tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,9,f32]> tensor<[1,12,1,9,f32]> tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,201,201,f32]> tensor<[1,12,201,201,f32]> tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,257,257,f32]> tensor<[1,12,257,257,f32]> tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,8,8,f32]> tensor<[1,12,8,8,f32]> tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,10,10,f32]> tensor<[1,16,10,10,f32]> tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,197,197,f32]> tensor<[1,16,197,197,f32]> tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,1,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,2,f32]> tensor<[1,16,1,2,f32]> tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,3,f32]> tensor<[1,16,1,3,f32]> tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,4,f32]> tensor<[1,16,1,4,f32]> tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,5,f32]> tensor<[1,16,1,5,f32]> tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,32,32,f32]> tensor<[1,16,32,32,f32]> tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,16384,256,f32]> tensor<[1,1,16384,256,f32]> tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,19200,300,f32]> tensor<[1,1,19200,300,f32]> tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,27,257,f32]> tensor<[1,27,257,f32]> tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2,4096,256,f32]> tensor<[1,2,4096,256,f32]> tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2,4800,300,f32]> tensor<[1,2,4800,300,f32]> tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,49,49,f32]> tensor<[1,32,49,49,f32]> tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,50257,f32]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,5,1024,256,f32]> tensor<[1,5,1024,256,f32]> tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,5,1200,300,f32]> tensor<[1,5,1200,300,f32]> tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,15,15,f32]> tensor<[1,6,15,15,f32]> tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,10,f32]> tensor<[1,6,1,10,f32]> tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,11,f32]> tensor<[1,6,1,11,f32]> tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,12,f32]> tensor<[1,6,1,12,f32]> tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,13,f32]> tensor<[1,6,1,13,f32]> tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,14,f32]> tensor<[1,6,1,14,f32]> tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,15,f32]> tensor<[1,6,1,15,f32]> tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,16,f32]> tensor<[1,6,1,16,f32]> tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,17,f32]> tensor<[1,6,1,17,f32]> tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,18,f32]> tensor<[1,6,1,18,f32]> tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,19,f32]> tensor<[1,6,1,19,f32]> tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,1,f32]> tensor<[1,6,1,1,f32]> tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,20,f32]> tensor<[1,6,1,20,f32]> tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,2,f32]> tensor<[1,6,1,2,f32]> tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,3,f32]> tensor<[1,6,1,3,f32]> tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,4,f32]> tensor<[1,6,1,4,f32]> tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,5,f32]> tensor<[1,6,1,5,f32]> tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,6,f32]> tensor<[1,6,1,6,f32]> tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,7,f32]> tensor<[1,6,1,7,f32]> tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,8,f32]> tensor<[1,6,1,8,f32]> tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,9,f32]> tensor<[1,6,1,9,f32]> tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,10,10,f32]> tensor<[1,8,10,10,f32]> tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,10,f32]> tensor<[1,8,1,10,f32]> tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,11,f32]> tensor<[1,8,1,11,f32]> tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,12,f32]> tensor<[1,8,1,12,f32]> tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,13,f32]> tensor<[1,8,1,13,f32]> tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,14,f32]> tensor<[1,8,1,14,f32]> tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,15,f32]> tensor<[1,8,1,15,f32]> tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,16,f32]> tensor<[1,8,1,16,f32]> tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,17,f32]> tensor<[1,8,1,17,f32]> tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,18,f32]> tensor<[1,8,1,18,f32]> tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,19,f32]> tensor<[1,8,1,19,f32]> tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,1,f32]> tensor<[1,8,1,1,f32]> tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,20,f32]> tensor<[1,8,1,20,f32]> tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,2,f32]> tensor<[1,8,1,2,f32]> tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,3,f32]> tensor<[1,8,1,3,f32]> tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,4,f32]> tensor<[1,8,1,4,f32]> tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,5,f32]> tensor<[1,8,1,5,f32]> tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,6,f32]> tensor<[1,8,1,6,f32]> tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,7,f32]> tensor<[1,8,1,7,f32]> tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,8,f32]> tensor<[1,8,1,8,f32]> tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,9,f32]> tensor<[1,8,1,9,f32]> tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,2048,256,f32]> tensor<[1,8,2048,256,f32]> tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,256,2048,f32]> tensor<[1,8,256,2048,f32]> tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,300,300,f32]> tensor<[1,8,300,300,f32]> tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[36,12,144,144,f32]> tensor<[36,12,144,144,f32]> tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[36,24,144,144,f32]> tensor<[36,24,144,144,f32]> tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[484,6,144,144,f32]> tensor<[484,6,144,144,f32]> tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[4,16,49,49,f32]> tensor<[4,16,49,49,f32]> tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[4,48,144,144,f32]> tensor<[4,48,144,144,f32]> tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[64,1,13,f32]> tensor<[64,1,13,f32]> tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[64,4,49,49,f32]> tensor<[64,4,49,49,f32]> tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[8,100,100,f32]> tensor<[8,100,100,f32]> tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[8,100,920,f32]> tensor<[8,100,920,f32]> tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[8,920,920,f32]> tensor<[8,920,920,f32]> tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[9,24,144,144,f32]> tensor<[9,24,144,144,f32]> tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[9,48,144,144,f32]> tensor<[9,48,144,144,f32]> tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,16,16,bf16]> tensor<[1,1280,16,16,bf16]> tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,197,197,bf16]> tensor<[1,12,197,197,bf16]> tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,201,201,bf16]> tensor<[1,12,201,201,bf16]> tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,8,8,bf16]> tensor<[1,12,8,8,bf16]> tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,197,197,bf16]> tensor<[1,16,197,197,bf16]> tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,16384,256,bf16]> tensor<[1,1,16384,256,bf16]> tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,19200,300,bf16]> tensor<[1,1,19200,300,bf16]> tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2,4096,256,bf16]> tensor<[1,2,4096,256,bf16]> tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2,4800,300,bf16]> tensor<[1,2,4800,300,bf16]> tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,320,bf16]> tensor<[1,4096,320,bf16]> tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,50257,f32]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,512,bf16]> tensor<[1,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,5,1024,256,bf16]> tensor<[1,5,1024,256,bf16]> tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,5,1200,300,bf16]> tensor<[1,5,1200,300,bf16]> tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,64,1280,bf16]> tensor<[1,64,1280,bf16]> tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,2048,256,bf16]> tensor<[1,8,2048,256,bf16]> tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,256,2048,bf16]> tensor<[1,8,256,2048,bf16]> tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,256,256,bf16]> tensor<[1,8,256,256,bf16]> tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,300,300,bf16]> tensor<[1,8,300,300,bf16]> tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[2,512,bf16]> tensor<[2,512,bf16]> tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[3234,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[3234,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,512,f32]> tensor<[1,1024,512,f32]> tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,6144,f32]> tensor<[1,1024,6144,f32]> tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,10,3072,f32]> tensor<[1,10,3072,f32]> tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1200,1280,f32]> tensor<[1,1200,1280,f32]> tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1370,5120,f32]> tensor<[1,1370,5120,f32]> tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1445,768,f32]> tensor<[1,1445,768,f32]> tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,14,14,2048,f32]> tensor<[1,14,14,2048,f32]> tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1500,3072,f32]> tensor<[1,1500,3072,f32]> tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16384,128,f32]> tensor<[1,16384,128,f32]> tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16384,1536,f32]> tensor<[1,16384,1536,f32]> tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,3072,f32]> tensor<[1,16,3072,f32]> tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,19200,256,f32]> tensor<[1,19200,256,f32]> tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,196,3072,f32]> tensor<[1,196,3072,f32]> tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,197,3072,f32]> tensor<[1,197,3072,f32]> tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,197,4096,f32]> tensor<[1,197,4096,f32]> tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,201,3072,f32]> tensor<[1,201,3072,f32]> tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,4096,f32]> tensor<[1,256,4096,f32]> tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,5120,f32]> tensor<[1,256,5120,f32]> tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,6144,f32]> tensor<[1,256,6144,f32]> tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,257,3072,f32]> tensor<[1,257,3072,f32]> tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,25,3072,f32]> tensor<[1,25,3072,f32]> tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,28,28,1024,f32]> tensor<[1,28,28,1024,f32]> tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,300,2048,f32]> tensor<[1,300,2048,f32]> tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,3072,8,f32]> tensor<[1,3072,8,f32]> tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,1280,f32]> tensor<[1,4096,1280,f32]> tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,256,f32]> tensor<[1,4096,256,f32]> tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,3072,f32]> tensor<[1,4096,3072,f32]> tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4800,512,f32]> tensor<[1,4800,512,f32]> tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,56,56,512,f32]> tensor<[1,56,56,512,f32]> tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,64,5120,f32]> tensor<[1,64,5120,f32]> tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,65536,768,f32]> tensor<[1,65536,768,f32]> tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,768,1500,f32]> tensor<[1,768,1500,f32]> tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,768,3000,f32]> tensor<[1,768,3000,f32]> tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,768,384,f32]> tensor<[1,768,384,f32]> tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,18176,f32]> tensor<[1,7,18176,f32]> tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,7,4096,f32]> tensor<[1,7,7,4096,f32]> tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[4,1,4096,f32]> tensor<[4,1,4096,f32]> tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,1,1,bf16]> tensor<[1,1024,1,1,bf16]> tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,11,1,f32]> tensor<[1,11,1,f32]> tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,120,1,1,f32]> tensor<[1,120,1,1,f32]> tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,13,1,f32]> tensor<[1,13,1,f32]> tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,13,1,f32]> tensor<[1,13,1,f32]> tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1536,1,1,bf16]> tensor<[1,1536,1,1,bf16]> tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,15,1,f32]> tensor<[1,15,1,f32]> tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,15,1,f32]> tensor<[1,15,1,f32]> tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1920,1,1,bf16]> tensor<[1,1920,1,1,bf16]> tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,bf16]> tensor<[1,1024,bf16]> tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,768,bf16]> tensor<[1,768,bf16]> tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2048,1,1,bf16]> tensor<[1,2048,1,1,bf16]> tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2048,1,1,bf16]> tensor<[1,2048,1,1,bf16]> tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2520,1,1,bf16]> tensor<[1,2520,1,1,bf16]> tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,3712,1,1,bf16]> tensor<[1,3712,1,1,bf16]> tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,1,1,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,480,1,1,f32]> tensor<[1,480,1,1,f32]> tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,512,bf16]> tensor<[1,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,1,1,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,1,1,f32]> tensor<[1,672,1,1,f32]> tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,f32]> tensor<[1,6,1,f32]> tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,72,1,1,f32]> tensor<[1,72,1,1,f32]> tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,f32]> tensor<[1,8,1,f32]> tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[2,13,1,f32]> tensor<[2,13,1,f32]> tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,f32]> tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1200,1,f32]> tensor<[1,1200,1,f32]> tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1370,1,f32]> tensor<[1,1370,1,f32]> tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1445,1,f32]> tensor<[1,1445,1,f32]> tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,14,14,1,f32]> tensor<[1,14,14,1,f32]> tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,14,14,1,f32]> tensor<[1,14,14,1,f32]> tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1500,1,f32]> tensor<[1,1500,1,f32]> tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,f32]> tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,16,1,f32]> tensor<[1,16,1,f32]> tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,19200,1,f32]> tensor<[1,19200,1,f32]> tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,196,1,f32]> tensor<[1,196,1,f32]> tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,197,1,f32]> tensor<[1,197,1,f32]> tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,197,1,f32]> tensor<[1,197,1,f32]> tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,201,1,f32]> tensor<[1,201,1,f32]> tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,2048,1,f32]> tensor<[1,2048,1,f32]> tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,257,1,f32]> tensor<[1,257,1,f32]> tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,25,1,f32]> tensor<[1,25,1,f32]> tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,27,1,f32]> tensor<[1,27,1,f32]> tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,28,28,1,f32]> tensor<[1,28,28,1,f32]> tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,28,28,1,f32]> tensor<[1,28,28,1,f32]> tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,45,1,f32]> tensor<[1,45,1,f32]> tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,4800,1,f32]> tensor<[1,4800,1,f32]> tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,50,1,f32]> tensor<[1,50,1,f32]> tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,56,56,1,f32]> tensor<[1,56,56,1,f32]> tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,5,1,f32]> tensor<[1,5,1,f32]> tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,64,1,f32]> tensor<[1,64,1,f32]> tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,65536,1,f32]> tensor<[1,65536,1,f32]> tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,6,1,f32]> tensor<[1,6,1,f32]> tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,1,f32]> tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,7,1,f32]> tensor<[1,7,7,1,f32]> tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,7,7,1,f32]> tensor<[1,7,7,1,f32]> tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,8,1,f32]> tensor<[1,8,1,f32]> tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[2,7,1,f32]> tensor<[2,7,1,f32]> tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[4,1,1,f32]> tensor<[4,1,1,f32]> tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.div | tensor<[920,1,1,f32]> tensor<[920,1,1,f32]> tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.embedding
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.embedding | tensor<[1,1,ui32]> tensor<[151936,1536,bf16]> tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4748, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,12,ui32]> tensor<[151936,1536,bf16]> tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4748, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,13,ui32]> tensor<[152064,3584,bf16]> tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4752, 112, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[2,1,ui32]> tensor<[2048,128,bf16]> tensor<[2,1,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[2,1,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[2050,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (65, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,6,ui32]> tensor<[2050,1024,bf16]> tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (65, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,10,ui32]> tensor<[250002,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7813, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,32,ui32]> tensor<[250880,1536,bf16]> tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7840, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,2048,ui32]> tensor<[262,768,bf16]> tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2048, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,256,ui32]> tensor<[2,1024,bf16]> tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,12,ui32]> tensor<[2,128,bf16]> tensor<[1,12,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,14,ui32]> tensor<[2,128,bf16]> tensor<[1,14,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,9,ui32]> tensor<[2,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,193,ui32]> tensor<[2,768,bf16]> tensor<[1,193,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 193, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,193,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,8,ui32]> tensor<[2,768,bf16]> tensor<[1,8,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,12,ui32]> tensor<[30000,128,bf16]> tensor<[1,12,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (938, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,14,ui32]> tensor<[30000,128,bf16]> tensor<[1,14,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (938, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,9,ui32]> tensor<[30000,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (938, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,256,ui32]> tensor<[30522,1024,bf16]> tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (954, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,16,ui32]> tensor<[30522,768,bf16]> tensor<[1,16,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (954, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,25,ui32]> tensor<[30522,768,bf16]> tensor<[1,25,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (954, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,8,ui32]> tensor<[30522,768,bf16]> tensor<[1,8,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (954, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,8,ui32]> tensor<[30528,768,bf16]> tensor<[1,8,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (954, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,32,ui32]> tensor<[32000,4096,bf16]> tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1000, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[32128,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,10,ui32]> tensor<[32128,1024,bf16]> tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[32128,512,bf16]> tensor<[1,1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,10,ui32]> tensor<[32128,512,bf16]> tensor<[1,10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,15,ui32]> tensor<[32128,512,bf16]> tensor<[1,15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[32128,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,10,ui32]> tensor<[32128,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[2,13,ui32]> tensor<[32128,768,bf16]> tensor<[2,13,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 13, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[2,13,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[2,7,ui32]> tensor<[49408,512,bf16]> tensor<[2,7,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 7, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1544, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[50257,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1571, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,45,ui32]> tensor<[50257,768,bf16]> tensor<[1,45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 45, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1571, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,7,ui32]> tensor<[50257,768,bf16]> tensor<[1,7,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1571, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[50272,512,bf16]> tensor<[1,1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1571, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,6,ui32]> tensor<[50272,512,bf16]> tensor<[1,6,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1571, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,10,ui32]> tensor<[50280,1536,bf16]> tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,11,ui32]> tensor<[50280,1536,bf16]> tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,12,ui32]> tensor<[50280,1536,bf16]> tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,13,ui32]> tensor<[50280,1536,bf16]> tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,14,ui32]> tensor<[50280,1536,bf16]> tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,15,ui32]> tensor<[50280,1536,bf16]> tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,6,ui32]> tensor<[50280,1536,bf16]> tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,7,ui32]> tensor<[50280,1536,bf16]> tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,8,ui32]> tensor<[50280,1536,bf16]> tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,9,ui32]> tensor<[50280,1536,bf16]> tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[51200,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1600, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,5,ui32]> tensor<[51200,1024,bf16]> tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1600, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,10,ui32]> tensor<[514,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (17, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[51865,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1621, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,7,ui32]> tensor<[65024,4544,bf16]> tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2032, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,1,ui32]> tensor<[2048,32,bf16]> tensor<[1,1,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.embedding | tensor<[1,5,ui32]> tensor<[2048,32,bf16]> tensor<[1,5,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.empty
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x12x12x12> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x12x12x12> | tensor<[1,12,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x12x14x14> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x12x14x14> | tensor<[1,12,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<563x47>>, shape: #ttnn.shape<1x12x1500x1500> | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<563x47>>, shape: #ttnn.shape<1x12x1500x1500> | tensor<[1,12,1500,1500,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x12x16x16> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x12x16x16> | tensor<[1,12,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x7>>, shape: #ttnn.shape<1x12x197x197> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x7>>, shape: #ttnn.shape<1x12x197x197> | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x13> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x13> | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x14> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x14> | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x15> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x15> | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x16> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x16> | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x17> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x17> | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x18> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x18> | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x19> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x19> | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x20> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x20> | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x21> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x21> | tensor<[1,12,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x22> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x22> | tensor<[1,12,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x23> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x23> | tensor<[1,12,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x24> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x24> | tensor<[1,12,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x25> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x25> | tensor<[1,12,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x26> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x26> | tensor<[1,12,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x27> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x27> | tensor<[1,12,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x28> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x28> | tensor<[1,12,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x29> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x29> | tensor<[1,12,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x12x25x25> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x12x25x25> | tensor<[1,12,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x2>>, shape: #ttnn.shape<1x12x50x50> | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x2>>, shape: #ttnn.shape<1x12x50x50> | tensor<[1,12,50,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x12x7x7> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x12x7x7> | tensor<[1,12,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x12x9x9> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x12x9x9> | tensor<[1,12,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<685x43>>, shape: #ttnn.shape<1x16x1370x1370> | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<685x43>>, shape: #ttnn.shape<1x16x1370x1370> | tensor<[1,16,1370,1370,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x10> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x10> | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x11> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x11> | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x12> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x12> | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x13> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x13> | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x14> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x14> | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x15> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x15> | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x16> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x16> | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x17> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x17> | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x18> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x18> | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x19> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x19> | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x20> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x20> | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x21> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x21> | tensor<[1,16,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x22> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x22> | tensor<[1,16,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x23> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x23> | tensor<[1,16,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x24> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x24> | tensor<[1,16,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x25> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x25> | tensor<[1,16,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x26> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x26> | tensor<[1,16,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x27> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x27> | tensor<[1,16,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x28> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x28> | tensor<[1,16,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x29> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x29> | tensor<[1,16,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x7> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x7> | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x8> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x8> | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x9> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x9> | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<1x16x256x256> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<1x16x256x256> | tensor<[1,16,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x16x6x6> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x16x6x6> | tensor<[1,16,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x16x9x9> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x16x9x9> | tensor<[1,16,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x24x32x32> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x24x32x32> | tensor<[1,24,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<1x28x13x13> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<1x28x13x13> | tensor<[1,28,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x32x32x32> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x32x32x32> | tensor<[1,32,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x46>>, shape: #ttnn.shape<1x3x1445x1445> | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x46>>, shape: #ttnn.shape<1x3x1445x1445> | tensor<[1,3,1445,1445,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x64x9x9> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x64x9x9> | tensor<[1,64,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x71x7x7> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x71x7x7> | tensor<[1,71,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x32>>, shape: #ttnn.shape<1x8x1024x1024> | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x32>>, shape: #ttnn.shape<1x8x1024x1024> | tensor<[1,8,1024,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x8x1024x9> | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x8x1024x9> | tensor<[1,8,1024,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<1x8x256x256> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<1x8x256x256> | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x8x256x9> | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x8x256x9> | tensor<[1,8,256,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<1x8x4096x4096> | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<1x8x4096x4096> | tensor<[1,8,4096,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x1>>, shape: #ttnn.shape<1x8x4096x9> | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x1>>, shape: #ttnn.shape<1x8x4096x9> | tensor<[1,8,4096,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<1x8x64x64> | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<1x8x64x64> | tensor<[1,8,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x8x64x9> | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x8x64x9> | tensor<[1,8,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<2x8x7x7> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<2x8x7x7> | tensor<[2,8,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<4x16x1x1> | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<4x16x1x1> | tensor<[4,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3267x5>>, shape: #ttnn.shape<121x6x144x144> | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x2>>, shape: #ttnn.shape<16x8x49x49> | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x12x10x10> | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x7>>, shape: #ttnn.shape<1x12x197x197> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x10> | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x11> | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x12> | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x13> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x14> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x15> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x16> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x17> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x18> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x19> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x1> | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x20> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x2> | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x3> | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x46> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x47> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x48> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x49> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x4> | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x50> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x51> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x52> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x53> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x54> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x55> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x56> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x57> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x58> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x59> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x5> | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x60> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x61> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x62> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x63> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x64> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x65> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x66> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x67> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x68> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x69> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x6> | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x70> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x71> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x72> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x73> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x74> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x75> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x76> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x77> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x78> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x79> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x7> | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x80> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x81> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x82> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x83> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x84> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x85> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x86> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x87> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x88> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x89> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x8> | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x90> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x91> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x92> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x93> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x94> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x95> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x96> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x97> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x98> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x99> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x9> | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<76x7>>, shape: #ttnn.shape<1x12x201x201> | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<97x9>>, shape: #ttnn.shape<1x12x257x257> | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<17x2>>, shape: #ttnn.shape<1x12x45x45> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x12x8x8> | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x16x10x10> | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x7>>, shape: #ttnn.shape<1x16x197x197> | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x10> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x11> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x12> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x13> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x14> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x15> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x16> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x17> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x18> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x19> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x1> | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x20> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x21> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x22> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x23> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x24> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x2> | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x3> | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x4> | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x5> | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x6> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x7> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x8> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x9> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x16x32x32> | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x16x5x5> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x1x16384x256> | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x10>>, shape: #ttnn.shape<1x1x19200x300> | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x9>>, shape: #ttnn.shape<1x27x257> | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x2x4096x256> | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x10>>, shape: #ttnn.shape<1x2x4800x300> | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x2>>, shape: #ttnn.shape<1x32x49x49> | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<1x50257> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x8>>, shape: #ttnn.shape<1x5x1024x256> | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<188x10>>, shape: #ttnn.shape<1x5x1200x300> | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x6x15x15> | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x10> | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x11> | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x12> | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x13> | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x14> | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x15> | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x16> | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x17> | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x18> | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x19> | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x1> | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x20> | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x2> | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x3> | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x4> | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x5> | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x6> | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x7> | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x8> | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x9> | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x8x10x10> | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x10> | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x11> | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x12> | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x13> | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x14> | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x15> | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x16> | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x17> | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x18> | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x19> | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x1> | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x20> | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x2> | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x3> | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x4> | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x5> | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x6> | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x7> | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x8> | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x9> | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x8x2048x256> | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x64>>, shape: #ttnn.shape<1x8x256x2048> | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<1x8x256x256> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x10>>, shape: #ttnn.shape<1x8x300x300> | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<2x12x13x13> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x5>>, shape: #ttnn.shape<36x12x144x144> | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3888x5>>, shape: #ttnn.shape<36x24x144x144> | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13068x5>>, shape: #ttnn.shape<484x6x144x144> | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<4x16x49x49> | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x5>>, shape: #ttnn.shape<4x48x144x144> | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<64x1x13> | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<64x4x49x49> | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x4>>, shape: #ttnn.shape<8x100x100> | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x29>>, shape: #ttnn.shape<8x100x920> | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<230x29>>, shape: #ttnn.shape<8x920x920> | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<972x5>>, shape: #ttnn.shape<9x24x144x144> | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x5>>, shape: #ttnn.shape<9x48x144x144> | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<100x1x1> | tensor<[100,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x1x256> | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x1x256> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x64>>, shape: #ttnn.shape<100x2048> | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x256> | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<100x4> | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<100x92> | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1024x1536> | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1024x160> | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1024x3072> | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x160>>, shape: #ttnn.shape<1024x5120> | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x192>>, shape: #ttnn.shape<1024x6144> | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1024x640> | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1024x768> | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x7813>>, shape: #ttnn.shape<10x250002> | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<10x3072> | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<10x768> | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x40>>, shape: #ttnn.shape<1200x1280> | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1200x320> | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6534x5>>, shape: #ttnn.shape<121x12x144x144> | tensor<[121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3267x5>>, shape: #ttnn.shape<121x6x144x144> | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x48>>, shape: #ttnn.shape<1296x1536> | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x72>>, shape: #ttnn.shape<1296x2304> | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x144>>, shape: #ttnn.shape<1296x4608> | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x24>>, shape: #ttnn.shape<1296x768> | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<12x1536> | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<12x256> | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x2> | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<12x3072> | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<12x768> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1370x1280> | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x120>>, shape: #ttnn.shape<1370x3840> | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x160>>, shape: #ttnn.shape<1370x5120> | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x2> | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<13x3584> | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<13x512> | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1445x192> | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x24>>, shape: #ttnn.shape<1445x768> | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<14x2048> | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<14x2> | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<14x3072> | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<14x512> | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<14x768> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x96>>, shape: #ttnn.shape<1500x3072> | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1500x768> | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<16384x128> | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x48>>, shape: #ttnn.shape<16384x1536> | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<16384x192> | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<16384x32> | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<16384x384> | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<16384x768> | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<16x3072> | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<16x768> | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x2>>, shape: #ttnn.shape<16x8x49x49> | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x36>>, shape: #ttnn.shape<17424x1152> | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x6>>, shape: #ttnn.shape<17424x192> | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x12>>, shape: #ttnn.shape<17424x384> | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x18>>, shape: #ttnn.shape<17424x576> | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x8>>, shape: #ttnn.shape<19200x256> | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<19200x64> | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x48>>, shape: #ttnn.shape<196x1536> | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<196x3072> | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<196x512> | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<196x768> | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<197x1024> | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<197x3072> | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x128>>, shape: #ttnn.shape<197x4096> | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<197x768> | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x100x14x14> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1024x10x10> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1024x10x10> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x1024x14x14> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x1024x14x14> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1x1024x1536> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1x1024x1536> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1x1024x160> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1x1024x160> | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x1024x16x16> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x1024x16x16> | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<608x1>>, shape: #ttnn.shape<1x1024x19x19> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x8>>, shape: #ttnn.shape<1x1024x256> | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x1024x28x28> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1x1024x3072> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x3>>, shape: #ttnn.shape<1x1024x45x80> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x3>>, shape: #ttnn.shape<1x1024x45x80> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1x1024x768> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1x1024x768> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<462x1>>, shape: #ttnn.shape<1x1056x14x14> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<231x1>>, shape: #ttnn.shape<1x1056x7x7> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<476x1>>, shape: #ttnn.shape<1x1088x14x14> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x1088x7x7> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x10x1024> | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x10x1536> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x10x3072> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x10x512> | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<490x1>>, shape: #ttnn.shape<1x1120x14x14> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x1>>, shape: #ttnn.shape<1x1120x7x7> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x112x14x14> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x112x14x14> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x112x15x15> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x112x15x15> | tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x112x20x20> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x112x20x20> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x112x24x24> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x112x24x24> | tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x112x7x7> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x1152x14x14> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x1152x7x7> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x1>>, shape: #ttnn.shape<1x1152x8x8> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x116x14x14> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<518x1>>, shape: #ttnn.shape<1x1184x14x14> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<259x1>>, shape: #ttnn.shape<1x1184x7x7> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x11x1536> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11x1> | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x11x3072> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x1200x1> | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1x1200x320> | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1x1200x320> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x120x14x14> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x120x17x17> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x120x17x17> | tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x2>>, shape: #ttnn.shape<1x120x40x40> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<532x1>>, shape: #ttnn.shape<1x1216x14x14> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x1216x7x7> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6534x5>>, shape: #ttnn.shape<1x121x12x144x144> | tensor<[1,121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3267x5>>, shape: #ttnn.shape<1x121x6x144x144> | tensor<[1,121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<546x1>>, shape: #ttnn.shape<1x1248x14x14> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<273x1>>, shape: #ttnn.shape<1x1248x7x7> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<351x1>>, shape: #ttnn.shape<1x1248x9x9> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x40>>, shape: #ttnn.shape<1x1280> | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<400x1>>, shape: #ttnn.shape<1x1280x10x10> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1280x12x12> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<560x1>>, shape: #ttnn.shape<1x1280x14x14> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x1280x32x32> | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x1280x7x7> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x1280x9x9> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x128> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x4>>, shape: #ttnn.shape<1x128x112x112> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x128x128x128> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x128x128x128> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x128x14x14> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x5>>, shape: #ttnn.shape<1x128x150x150> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<68x1>>, shape: #ttnn.shape<1x128x17x17> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x10>>, shape: #ttnn.shape<1x128x180x320> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x128x1x1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x128x2x2> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x128x32x32> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x128x32x32> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<1x128x3x3> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x1>>, shape: #ttnn.shape<1x128x5x5> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<1x128x64x64> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x3>>, shape: #ttnn.shape<1x128x75x75> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x3>>, shape: #ttnn.shape<1x128x75x75> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x128x7x7> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x5>>, shape: #ttnn.shape<1x128x90x160> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x12x10x10> | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x12x10x10> | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x12x10x10> | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<1x12x12x128> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x12x12x12> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<2x12x13x13> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x12x14x14> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x12x1536> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x12x16x16> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x7>>, shape: #ttnn.shape<1x12x197x197> | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x10> | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x10> | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x11> | tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x128> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x12> | tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x13> | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x13> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x14> | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x14> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x15> | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x15> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x16> | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x16> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x17> | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x17> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x18> | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x18> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x19> | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x19> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x1> | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x20> | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x20> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x21> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x22> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x23> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x24> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x25> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x26> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x27> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x28> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x29> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x2> | tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x3> | tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x46> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x47> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x48> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x49> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x4> | tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x50> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x51> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x52> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x53> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x54> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x55> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x56> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x57> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x58> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x59> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x5> | tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x60> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x61> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x62> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x63> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x64> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x65> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x66> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x67> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x68> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x69> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x6> | tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x70> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x71> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x72> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x73> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x74> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x75> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x76> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x77> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x78> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x79> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x7> | tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x80> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x81> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x82> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x83> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x84> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x85> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x86> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x87> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x88> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x89> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x8> | tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x90> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x91> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x92> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x93> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x94> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x95> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x96> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x97> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x98> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x99> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x9> | tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<76x7>>, shape: #ttnn.shape<1x12x201x201> | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x12x25x25> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<17x2>>, shape: #ttnn.shape<1x12x45x45> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x2>>, shape: #ttnn.shape<1x12x56x56> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x12x768> | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x12x768> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x12x7x7> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x12x8x8> | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x12x9x9> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<574x1>>, shape: #ttnn.shape<1x1312x14x14> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<287x1>>, shape: #ttnn.shape<1x1312x7x7> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x1344x14x14> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x1344x14x14> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x1>>, shape: #ttnn.shape<1x1344x28x28> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x1344x7x7> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<118x1>>, shape: #ttnn.shape<1x134x28x28> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x136x19x19> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x136x19x19> | tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1x1370x1280> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1x1370x1280> | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x1>>, shape: #ttnn.shape<1x1370x1> | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<602x1>>, shape: #ttnn.shape<1x1376x14x14> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<301x1>>, shape: #ttnn.shape<1x1376x7x7> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<435x1>>, shape: #ttnn.shape<1x1392x10x10> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x1392x14x14> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x1392x14x14> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x1>>, shape: #ttnn.shape<1x1392x28x28> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x13x1536> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13x1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13x1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x13x3072> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<1x13x3584> | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<616x1>>, shape: #ttnn.shape<1x1408x14x14> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x1408x7x7> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<630x1>>, shape: #ttnn.shape<1x1440x14x14> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x1440x7x7> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1x1445x192> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1x1445x192> | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x1>>, shape: #ttnn.shape<1x1445x1> | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x144x14x14> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<675x5>>, shape: #ttnn.shape<1x144x150x150> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<855x6>>, shape: #ttnn.shape<1x144x190x190> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x144x28x28> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<135x1>>, shape: #ttnn.shape<1x144x30x30> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x2>>, shape: #ttnn.shape<1x144x33x33> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x2>>, shape: #ttnn.shape<1x144x56x56> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<270x2>>, shape: #ttnn.shape<1x144x60x60> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<293x3>>, shape: #ttnn.shape<1x144x65x65> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<338x3>>, shape: #ttnn.shape<1x144x75x75> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x144x7x7> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x144x7x7> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<428x3>>, shape: #ttnn.shape<1x144x95x95> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<644x1>>, shape: #ttnn.shape<1x1472x14x14> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x1472x7x7> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x14x14x1024> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x14x14x1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x64>>, shape: #ttnn.shape<1x14x14x2048> | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x14x1536> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<1x14x56x56> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x14x768> | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x14x768> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x1>>, shape: #ttnn.shape<1x1500x1> | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1x1500x768> | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1x1500x768> | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1x1500x768> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<658x1>>, shape: #ttnn.shape<1x1504x14x14> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<329x1>>, shape: #ttnn.shape<1x1504x7x7> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1536x10x10> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x1536x14x14> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x1536x7x7> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<686x1>>, shape: #ttnn.shape<1x1568x14x14> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<343x1>>, shape: #ttnn.shape<1x1568x7x7> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x15x1536> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15x1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15x1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x15x3072> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x15x512> | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<700x1>>, shape: #ttnn.shape<1x1600x14x14> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x1600x7x7> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x160x14x14> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x1>>, shape: #ttnn.shape<1x160x24x24> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x1>>, shape: #ttnn.shape<1x160x24x24> | tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x160x28x28> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x2>>, shape: #ttnn.shape<1x160x56x56> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x160x7x7> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x160x7x7> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<612x1>>, shape: #ttnn.shape<1x1632x12x12> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<714x1>>, shape: #ttnn.shape<1x1632x14x14> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<357x1>>, shape: #ttnn.shape<1x1632x7x7> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<1x16384x192> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<1x16384x192> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x16384x256> | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x32> | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x32> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<1x16384x384> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<1x16384x384> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<1x16384x768> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<728x1>>, shape: #ttnn.shape<1x1664x14x14> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x1664x7x7> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x168x28x28> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<742x1>>, shape: #ttnn.shape<1x1696x14x14> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<371x1>>, shape: #ttnn.shape<1x1696x7x7> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x16x10x10> | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x16x10x10> | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x4>>, shape: #ttnn.shape<1x16x112x112> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x4>>, shape: #ttnn.shape<1x16x112x112> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x4>>, shape: #ttnn.shape<1x16x120x120> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<65x5>>, shape: #ttnn.shape<1x16x130x130> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x16x14x14> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x5>>, shape: #ttnn.shape<1x16x160x160> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x5>>, shape: #ttnn.shape<1x16x160x160> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x7>>, shape: #ttnn.shape<1x16x197x197> | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1> | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x10> | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x10> | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x11> | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x11> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x12> | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x12> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x13> | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x13> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x14> | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x14> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x15> | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x15> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x16> | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x16> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x17> | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x17> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x18> | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x18> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x19> | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x19> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x1> | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x20> | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x20> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x21> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x22> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x23> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x24> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x25> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x26> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x27> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x28> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x29> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x2> | tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x3> | tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x4> | tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x5> | tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x6> | tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x6> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x7> | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x7> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x8> | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x8> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x9> | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x9> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x7>>, shape: #ttnn.shape<1x16x224x224> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<1x16x256x256> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x16x28x28> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x16x32x32> | tensor<[1,16,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x2>>, shape: #ttnn.shape<1x16x56x56> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x16x5x5> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x16x6x6> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x16x768> | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x16x768> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x2>>, shape: #ttnn.shape<1x16x8x49x49> | tensor<[1,16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<1x16x9x9> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<756x1>>, shape: #ttnn.shape<1x1728x14x14> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x1728x7x7> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<770x1>>, shape: #ttnn.shape<1x1760x14x14> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<385x1>>, shape: #ttnn.shape<1x1760x7x7> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<784x1>>, shape: #ttnn.shape<1x1792x14x14> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x1792x7x7> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<399x1>>, shape: #ttnn.shape<1x1824x7x7> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x184x14x14> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<115x1>>, shape: #ttnn.shape<1x184x20x20> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x184x7x7> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x1856x7x7> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<413x1>>, shape: #ttnn.shape<1x1888x7x7> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x18x14x14> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x18x28x28> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x18x56x56> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x18x56x56> | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x18x7x7> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x1>>, shape: #ttnn.shape<1x19200x1> | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<1x19200x64> | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<1x19200x64> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x1920x16x16> | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x1>>, shape: #ttnn.shape<1x1920x32x32> | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x1920x7x7> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x192x14x14> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x192x17x17> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x192x28x28> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x2>>, shape: #ttnn.shape<1x192x35x35> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<228x2>>, shape: #ttnn.shape<1x192x38x38> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x2>>, shape: #ttnn.shape<1x192x48x48> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x2>>, shape: #ttnn.shape<1x192x56x56> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<450x3>>, shape: #ttnn.shape<1x192x75x75> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x192x7x7> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x192x7x7> | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x192x8x8> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x192x8x8> | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<570x3>>, shape: #ttnn.shape<1x192x95x95> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x193x768> | tensor<[1,193,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x196x14x14> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x196x1> | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x196x768> | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x196x768> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x197x1024> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x197x1024> | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x197x1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x12x12> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x13x13> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1x1536> | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x16x32> | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x10> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x11> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x12> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x13> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x14> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x15> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x16> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x17> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x18> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x19> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x20> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x21> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x22> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x23> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x24> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x25> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x26> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x27> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x28> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x29> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x46> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x47> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x48> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x49> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x50> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x51> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x52> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x53> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x54> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x55> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x56> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x57> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x58> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x59> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x60> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x61> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x62> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x63> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x64> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x65> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x66> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x67> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x68> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x69> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x6> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x70> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x71> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x72> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x73> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x74> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x75> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x76> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x77> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x78> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x79> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x7> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x80> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x81> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x82> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x83> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x84> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x85> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x86> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x87> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x88> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x89> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x8> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x90> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x91> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x92> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x93> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x94> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x95> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x96> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x97> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x98> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x99> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x9> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x32x32> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x1x45x45> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x512> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x5x5> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x7x64> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x7x7> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<88x1>>, shape: #ttnn.shape<1x200x14x14> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<125x1>>, shape: #ttnn.shape<1x200x20x20> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x200x7x7> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x201x1> | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x201x768> | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x201x768> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2048x10x10> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x2048x14x14> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x2048x1> | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1472x2>>, shape: #ttnn.shape<1x2048x23x40> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1472x2>>, shape: #ttnn.shape<1x2048x23x40> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x2048x7x7> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x2048x7x7> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<91x1>>, shape: #ttnn.shape<1x208x14x14> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<59x1>>, shape: #ttnn.shape<1x208x9x9> | tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<59x1>>, shape: #ttnn.shape<1x208x9x9> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x20x28x28> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x683>>, shape: #ttnn.shape<1x21843> | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x224x14x14> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x1>>, shape: #ttnn.shape<1x224x17x17> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x224x28x28> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x2>>, shape: #ttnn.shape<1x224x35x35> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<1x224x56x56> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x224x7x7> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<73x1>>, shape: #ttnn.shape<1x232x10x10> | tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<73x1>>, shape: #ttnn.shape<1x232x10x10> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x4>>, shape: #ttnn.shape<1x232x112x112> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x2>>, shape: #ttnn.shape<1x232x56x56> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x2>>, shape: #ttnn.shape<1x232x56x56> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x240x14x14> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<113x1>>, shape: #ttnn.shape<1x240x15x15> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x240x20x20> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x240x28x28> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x240x30x30> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x2>>, shape: #ttnn.shape<1x240x40x40> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x4>>, shape: #ttnn.shape<1x24x112x112> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x24x14x14> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<113x5>>, shape: #ttnn.shape<1x24x150x150> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<143x6>>, shape: #ttnn.shape<1x24x190x190> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x24x28x28> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x4>>, shape: #ttnn.shape<1x24x32x128> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x24x32x32> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x2>>, shape: #ttnn.shape<1x24x56x56> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x2>>, shape: #ttnn.shape<1x24x56x56> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<45x2>>, shape: #ttnn.shape<1x24x60x60> | tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<45x2>>, shape: #ttnn.shape<1x24x60x60> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x3>>, shape: #ttnn.shape<1x24x65x65> | tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x3>>, shape: #ttnn.shape<1x24x65x65> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x24x80x80> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x24x80x80> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1103x1>>, shape: #ttnn.shape<1x2520x14x14> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<552x1>>, shape: #ttnn.shape<1x2520x7x7> | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<552x1>>, shape: #ttnn.shape<1x2520x7x7> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x2560x16x16> | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2560x8x8> | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<1x256> | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x256x10x10> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<1x256x128x128> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x256x14x14> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x256x14x14> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<1x256x1536> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<1x256x1536> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<1x256x160> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x256x16x16> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x256x16x16> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x1>>, shape: #ttnn.shape<1x256x17x17> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x10>>, shape: #ttnn.shape<1x256x180x320> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x10>>, shape: #ttnn.shape<1x256x180x320> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x256x2x2> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x96>>, shape: #ttnn.shape<1x256x3072> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x32> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x32x32> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<304x2>>, shape: #ttnn.shape<1x256x38x38> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<304x2>>, shape: #ttnn.shape<1x256x38x38> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x256x3x3> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x3>>, shape: #ttnn.shape<1x256x45x80> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x256x512> | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x256x512> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x256x5x5> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x256x64> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x2>>, shape: #ttnn.shape<1x256x64x64> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x2>>, shape: #ttnn.shape<1x256x64x64> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x3>>, shape: #ttnn.shape<1x256x75x75> | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x3>>, shape: #ttnn.shape<1x256x75x75> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x256x7x7> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x256x8x8> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x5>>, shape: #ttnn.shape<1x256x90x160> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x1>>, shape: #ttnn.shape<1x257x1> | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x257x768> | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x257x768> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25x1> | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x25x768> | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x25x768> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x272x12x12> | tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x272x12x12> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x1>>, shape: #ttnn.shape<1x272x7x7> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27x1> | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x27x768> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x288x14x14> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<153x1>>, shape: #ttnn.shape<1x288x17x17> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<171x1>>, shape: #ttnn.shape<1x288x19x19> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x288x28x28> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<297x2>>, shape: #ttnn.shape<1x288x33x33> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x2>>, shape: #ttnn.shape<1x288x38x38> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x4>>, shape: #ttnn.shape<1x28x13x128> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<1x28x13x13> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x32>>, shape: #ttnn.shape<1x28x28x1024> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x28> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x16>>, shape: #ttnn.shape<1x28x28x512> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x2> | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x12x128> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x1x128> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<1x300x128> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x300x1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<1x300x320> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x300x512> | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x300x512> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x300x64> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x3072> | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x16> | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x98>>, shape: #ttnn.shape<1x3129> | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x320x14x14> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<170x1>>, shape: #ttnn.shape<1x320x17x17> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x320x28x28> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x320x32x32> | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x320x7x7> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x320x8x8> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x4>>, shape: #ttnn.shape<1x32x112x112> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x4>>, shape: #ttnn.shape<1x32x120x120> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x5>>, shape: #ttnn.shape<1x32x120x160> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x4>>, shape: #ttnn.shape<1x32x128x128> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x4>>, shape: #ttnn.shape<1x32x128x128> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<130x5>>, shape: #ttnn.shape<1x32x130x130> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x5>>, shape: #ttnn.shape<1x32x147x147> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x5>>, shape: #ttnn.shape<1x32x149x149> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x32x14x14> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x5>>, shape: #ttnn.shape<1x32x150x150> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x32x1536> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x32x1536> | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<190x6>>, shape: #ttnn.shape<1x32x190x190> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x32x256x256> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x32x28x28> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x32x28x28> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x32x3072> | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x32x30x40> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x4>>, shape: #ttnn.shape<1x32x32x128> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x32x32x32> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x32x4096> | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x2>>, shape: #ttnn.shape<1x32x49x49> | tensor<[1,32,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x16>>, shape: #ttnn.shape<1x32x512x512> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x2>>, shape: #ttnn.shape<1x32x56x56> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x32x60x80> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<1x32x6144> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<1x32x6144> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x3>>, shape: #ttnn.shape<1x32x75x75> | tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x3>>, shape: #ttnn.shape<1x32x75x75> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x32x7x7> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<95x3>>, shape: #ttnn.shape<1x32x95x95> | tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<95x3>>, shape: #ttnn.shape<1x32x95x95> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x334x14x14> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x4>>, shape: #ttnn.shape<1x336x112x112> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x336x14x14> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x336x24x24> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x2>>, shape: #ttnn.shape<1x336x48x48> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x2>>, shape: #ttnn.shape<1x336x56x56> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x2>>, shape: #ttnn.shape<1x336x56x56> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x34x28x28> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<154x1>>, shape: #ttnn.shape<1x352x14x14> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x352x28x28> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x1>>, shape: #ttnn.shape<1x352x9x9> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x5>>, shape: #ttnn.shape<1x36x12x144x144> | tensor<[1,36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x36x14x14> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3888x5>>, shape: #ttnn.shape<1x36x24x144x144> | tensor<[1,36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x36x28x28> | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x36x28x28> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x2>>, shape: #ttnn.shape<1x36x56x56> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x36x7x7> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1624x1>>, shape: #ttnn.shape<1x3712x14x14> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x1>>, shape: #ttnn.shape<1x3712x7x7> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x1>>, shape: #ttnn.shape<1x3712x7x7> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x1>>, shape: #ttnn.shape<1x384x10x10> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x384x14x14> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<204x1>>, shape: #ttnn.shape<1x384x17x17> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x384x28x28> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x384x7x7> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x384x8x8> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x3> | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x3x16x16x2> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3x32x32x2> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<1x3x64x64x2> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x4096> | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<1x4096x1536> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x4096x1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<1x4096x256> | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<1x4096x320> | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<1x4096x320> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<1x4096x384> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<1x4096x384> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x4096x64> | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x4096x64> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<1x4096x768> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<1x4096x768> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x40x14x14> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x40x28x28> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x40x28x28> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x40x30x30> | tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x40x30x30> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x40x40x40> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x40x40x40> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x40x56x56> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<182x1>>, shape: #ttnn.shape<1x416x14x14> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x416x28x28> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x448x12x12> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x448x14x14> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x448x28x28> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x448x8x8> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x45x1> | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x45x768> | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x45x768> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x462x7x7> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x46x28x28> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<1x4800x128> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<1x4800x128> | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x4800x1> | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x480x10x10> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x480x15x15> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x1>>, shape: #ttnn.shape<1x480x20x20> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x480x28x28> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x480x7x7> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13068x5>>, shape: #ttnn.shape<1x484x6x144x144> | tensor<[1,484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x48x14x14> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x48x33x33> | tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x48x33x33> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x2>>, shape: #ttnn.shape<1x48x38x38> | tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x2>>, shape: #ttnn.shape<1x48x38x38> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x2>>, shape: #ttnn.shape<1x48x56x56> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x48x7x7> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x4x13x128> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<1x4x16x49x49> | tensor<[1,4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x5>>, shape: #ttnn.shape<1x4x48x144x144> | tensor<[1,4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x50x1> | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x50x768> | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x50x768> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1600>>, shape: #ttnn.shape<1x51200> | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x512x16x16> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<368x2>>, shape: #ttnn.shape<1x512x23x40> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x512x32x32> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x512x32x32> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x3>>, shape: #ttnn.shape<1x512x45x80> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x2>>, shape: #ttnn.shape<1x512x56x56> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x512x5x5> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x512x7x7> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x512x7x7> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x512x8x8> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x5>>, shape: #ttnn.shape<1x512x90x160> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x5>>, shape: #ttnn.shape<1x512x90x160> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<281x1>>, shape: #ttnn.shape<1x528x17x17> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x544x14x14> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x56x14x14> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x2>>, shape: #ttnn.shape<1x56x48x48> | tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x2>>, shape: #ttnn.shape<1x56x48x48> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x56x56x1> | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x16>>, shape: #ttnn.shape<1x56x56x512> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x576x14x14> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x1>>, shape: #ttnn.shape<1x576x19x19> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x576x7x7> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x58x28x28> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x5x1024> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x5x1024> | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x5x16x32> | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5x1> | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x608x14x14> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x60x28x28> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x640x14x14> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x640x16x16> | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x2>>, shape: #ttnn.shape<1x640x64x64> | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x4>>, shape: #ttnn.shape<1x64x112x112> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<1x64x1280> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<1x64x1280> | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<1x64x128x128> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x5>>, shape: #ttnn.shape<1x64x147x147> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x64x14x14> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x64x14x14> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x5>>, shape: #ttnn.shape<1x64x150x150> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x5>>, shape: #ttnn.shape<1x64x160x160> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x10>>, shape: #ttnn.shape<1x64x180x320> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1x1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x7>>, shape: #ttnn.shape<1x64x224x224> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x64x256x256> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x64x256x256> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x64x28x28> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x64x2x2> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x64x35x35> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x20>>, shape: #ttnn.shape<1x64x360x640> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<1x64x4x49x49> | tensor<[1,64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x2>>, shape: #ttnn.shape<1x64x56x56> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x2>>, shape: #ttnn.shape<1x64x56x56> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x64x64x64> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x64x64x64> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<146x3>>, shape: #ttnn.shape<1x64x73x73> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x3>>, shape: #ttnn.shape<1x64x80x80> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x64x9x9> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<1x65536x192> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<1x65536x192> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x1>>, shape: #ttnn.shape<1x65536x1> | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x672x10x10> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x672x15x15> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x672x20x20> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x672x24x24> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x672x28x28> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x672x28x28> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x2>>, shape: #ttnn.shape<1x672x56x56> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x672x8x8> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x68x14x14> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x2>>, shape: #ttnn.shape<1x68x56x56> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x696x28x28> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x696x28x28> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x2>>, shape: #ttnn.shape<1x696x56x56> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x6x1536> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x6x15x15> | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x6x15x15> | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x10> | tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x11> | tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x12> | tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x13> | tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x14> | tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x15> | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x15> | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x16> | tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x17> | tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x18> | tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x19> | tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x1> | tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x20> | tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x2> | tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x3> | tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x4> | tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x5> | tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x6> | tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x7> | tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x8> | tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x9> | tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x6x3072> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x704x14x14> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<1x71x7x64> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x71x7x7> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<383x1>>, shape: #ttnn.shape<1x720x17x17> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x720x9x9> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<433x1>>, shape: #ttnn.shape<1x728x19x19> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<433x1>>, shape: #ttnn.shape<1x728x19x19> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<865x2>>, shape: #ttnn.shape<1x728x38x38> | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<865x2>>, shape: #ttnn.shape<1x728x38x38> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x72x14x14> | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x72x14x14> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x72x28x28> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x2>>, shape: #ttnn.shape<1x72x40x40> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x2>>, shape: #ttnn.shape<1x72x56x56> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x72x7x7> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x3>>, shape: #ttnn.shape<1x72x80x80> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x736x14x14> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x768x14x14> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x12>>, shape: #ttnn.shape<1x768x384> | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x768x8> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x25>>, shape: #ttnn.shape<1x784> | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<69x1>>, shape: #ttnn.shape<1x78x28x28> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x7x1536> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7x1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<1x7x4544> | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<1x7x4544> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<1x7x7x1024> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<1x7x7x1024> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x7x7x1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x7x7x2048> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x128>>, shape: #ttnn.shape<1x7x7x4096> | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x800x14x14> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x80x10x10> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x80x10x10> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x80x14x14> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x80x14x14> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x80x15x15> | tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x80x15x15> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x1>>, shape: #ttnn.shape<1x80x20x20> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x1>>, shape: #ttnn.shape<1x80x20x20> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x80x7x7> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<255x1>>, shape: #ttnn.shape<1x816x10x10> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<485x1>>, shape: #ttnn.shape<1x816x19x19> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x832x14x14> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x864x14x14> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x1>>, shape: #ttnn.shape<1x88x17x17> | tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x1>>, shape: #ttnn.shape<1x88x17x17> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x896x14x14> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x896x7x7> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x8x10x10> | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x8x10x10> | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x4>>, shape: #ttnn.shape<1x8x112x112> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x8x1536> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x10> | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x10> | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x11> | tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x12> | tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x13> | tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x14> | tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x15> | tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x16> | tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x17> | tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x18> | tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x19> | tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x1> | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x20> | tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x2> | tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x3> | tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x4> | tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x5> | tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x6> | tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x7> | tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x8> | tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x9> | tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x64>>, shape: #ttnn.shape<1x8x256x2048> | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x8x3072> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x4>>, shape: #ttnn.shape<1x8x32x128> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x928x14x14> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x928x7x7> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x92x14x14> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x960x12x12> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x960x14x14> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x1>>, shape: #ttnn.shape<1x960x24x24> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x960x32x32> | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x1>>, shape: #ttnn.shape<1x960x3x3> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x2>>, shape: #ttnn.shape<1x960x64x64> | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x4>>, shape: #ttnn.shape<1x96x112x112> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x4>>, shape: #ttnn.shape<1x96x120x120> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<390x5>>, shape: #ttnn.shape<1x96x130x130> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x96x14x14> | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x96x14x14> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x1>>, shape: #ttnn.shape<1x96x19x19> | tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x1>>, shape: #ttnn.shape<1x96x19x19> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x96x28x28> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x2>>, shape: #ttnn.shape<1x96x35x35> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x2>>, shape: #ttnn.shape<1x96x56x56> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x2>>, shape: #ttnn.shape<1x96x60x60> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<195x3>>, shape: #ttnn.shape<1x96x65x65> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<213x3>>, shape: #ttnn.shape<1x96x71x71> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<219x3>>, shape: #ttnn.shape<1x96x73x73> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x98x28x28> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<434x1>>, shape: #ttnn.shape<1x992x14x14> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<217x1>>, shape: #ttnn.shape<1x992x7x7> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x9x1024> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x9x1024> | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x9x1536> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x9x2048> | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x9x2048> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<972x5>>, shape: #ttnn.shape<1x9x24x144x144> | tensor<[1,9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x5>>, shape: #ttnn.shape<1x9x48x144x144> | tensor<[1,9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x9x768> | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x9x768> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<201x3072> | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<201x768> | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x40>>, shape: #ttnn.shape<2048x1280> | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<2048x256> | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x9>>, shape: #ttnn.shape<2048x262> | tensor<[2048,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<2048x768> | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x320>>, shape: #ttnn.shape<256x10240> | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<256x1024> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<256x1280> | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<256x1536> | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<256x160> | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<256x256> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<256x2> | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<256x32> | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x128>>, shape: #ttnn.shape<256x4096> | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<256x512> | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x192>>, shape: #ttnn.shape<256x6144> | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<256x64> | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x24>>, shape: #ttnn.shape<256x768> | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x72>>, shape: #ttnn.shape<257x2304> | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x96>>, shape: #ttnn.shape<257x3072> | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<257x768> | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<25x2> | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<25x3072> | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<25x768> | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x954>>, shape: #ttnn.shape<27x30522> | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<27x38> | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<27x50257> | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<2x128x1> | tensor<[2,128,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<2x12x13x13> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x13x1> | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<2x13x768> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1x7x7> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x7x1> | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<2x8x7x7> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<300x128> | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x64>>, shape: #ttnn.shape<300x2048> | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<300x320> | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<300x512> | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<300x64> | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<3136x128> | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x12>>, shape: #ttnn.shape<3136x384> | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x102>>, shape: #ttnn.shape<3234> | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<32x1536> | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x144>>, shape: #ttnn.shape<32x4608> | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<32x6144> | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x5>>, shape: #ttnn.shape<36x12x144x144> | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3888x5>>, shape: #ttnn.shape<36x24x144x144> | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<4096x1536> | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x80>>, shape: #ttnn.shape<4096x2560> | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<4096x256> | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x96>>, shape: #ttnn.shape<4096x3072> | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<4096x320> | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<4096x384> | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<4096x64> | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<4096x768> | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<45x3072> | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<45x768> | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<4800x128> | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x16>>, shape: #ttnn.shape<4800x512> | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13068x5>>, shape: #ttnn.shape<484x6x144x144> | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<49x1024> | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<49x3072> | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<4x16x1x13> | tensor<[4,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<4x16x49x49> | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1x1024> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1x1024> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x1x1> | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x5>>, shape: #ttnn.shape<4x48x144x144> | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<50x3072> | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<50x768> | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x36>>, shape: #ttnn.shape<5184x1152> | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x72>>, shape: #ttnn.shape<5184x2304> | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x12>>, shape: #ttnn.shape<5184x384> | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x24>>, shape: #ttnn.shape<5184x768> | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<52x1024> | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x48>>, shape: #ttnn.shape<576x1536> | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x144>>, shape: #ttnn.shape<576x4608> | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<5x1024> | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<5x4096> | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1600>>, shape: #ttnn.shape<5x51200> | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x320>>, shape: #ttnn.shape<64x10240> | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<64x1280> | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<64x4x49x49> | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<65536x192> | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x24>>, shape: #ttnn.shape<65536x768> | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x6>>, shape: #ttnn.shape<69696x192> | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x18>>, shape: #ttnn.shape<69696x576> | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6> | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<6x1024> | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<6x1024> | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x8>>, shape: #ttnn.shape<6x1x100x256> | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x1>>, shape: #ttnn.shape<6x1x100x4> | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x3>>, shape: #ttnn.shape<6x1x100x92> | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<6x4096> | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x7>>, shape: #ttnn.shape<768x196> | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<784x256> | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x24>>, shape: #ttnn.shape<784x768> | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x72>>, shape: #ttnn.shape<7x2304> | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<7x3072> | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<7x768> | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x1>>, shape: #ttnn.shape<920x1x1> | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x1x256> | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x1x256> | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x64>>, shape: #ttnn.shape<920x2048> | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x256> | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<9x1024> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<9x128> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<9x16384> | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<9x2048> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<972x5>>, shape: #ttnn.shape<9x24x144x144> | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x938>>, shape: #ttnn.shape<9x30000> | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<9x3072> | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<9x4096> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x5>>, shape: #ttnn.shape<9x48x144x144> | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<9x768> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<9x8192> | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<2x128x1> | tensor<[2,128,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<11> | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12> | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13> | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<14> | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<15> | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16> | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<17> | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<18> | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<19> | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<20> | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<21> | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<22> | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<23> | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<24> | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<25> | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<26> | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<27> | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<28> | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<29> | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<32> | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6> | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<7> | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8> | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<9> | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<32> | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x512x7x7> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x29>>, shape: #ttnn.shape<8x100x920> | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<230x29>>, shape: #ttnn.shape<8x920x920> | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<120x28x28> | tensor<[120,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1280x16x32> | tensor<[1280,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1280x16x16> | tensor<[1280,16,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1280x32x32> | tensor<[1280,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1280x8x16> | tensor<[1280,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<128x32x64> | tensor<[128,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x2>>, shape: #ttnn.shape<128x49x49> | tensor<[128,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<128x49x32> | tensor<[128,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<128x64x64> | tensor<[128,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<12x10x64> | tensor<[12,10,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<12x10x10> | tensor<[12,10,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<12x12x12> | tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<12x12x128> | tensor<[12,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<12x12x64> | tensor<[12,12,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<12x12x12> | tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<12x14x64> | tensor<[12,14,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<12x14x14> | tensor<[12,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<563x2>>, shape: #ttnn.shape<12x1500x64> | tensor<[12,1500,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<563x47>>, shape: #ttnn.shape<12x1500x1500> | tensor<[12,1500,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<12x16x64> | tensor<[12,16,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<12x16x16> | tensor<[12,16,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x2>>, shape: #ttnn.shape<12x197x64> | tensor<[12,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x7>>, shape: #ttnn.shape<12x197x197> | tensor<[12,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x13> | tensor<[12,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x14> | tensor<[12,1,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x15> | tensor<[12,1,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x16> | tensor<[12,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x17> | tensor<[12,1,17,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x18> | tensor<[12,1,18,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x19> | tensor<[12,1,19,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x20> | tensor<[12,1,20,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x21> | tensor<[12,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x22> | tensor<[12,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x23> | tensor<[12,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x24> | tensor<[12,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x25> | tensor<[12,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x26> | tensor<[12,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x27> | tensor<[12,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x28> | tensor<[12,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x29> | tensor<[12,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x128> | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x1> | tensor<[12,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x10> | tensor<[12,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x11> | tensor<[12,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x12> | tensor<[12,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x13> | tensor<[12,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x14> | tensor<[12,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x15> | tensor<[12,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x16> | tensor<[12,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x17> | tensor<[12,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x18> | tensor<[12,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x19> | tensor<[12,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x2> | tensor<[12,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x20> | tensor<[12,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x3> | tensor<[12,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x4> | tensor<[12,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x46> | tensor<[12,1,46,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x47> | tensor<[12,1,47,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x48> | tensor<[12,1,48,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x49> | tensor<[12,1,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x5> | tensor<[12,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x50> | tensor<[12,1,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x51> | tensor<[12,1,51,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x52> | tensor<[12,1,52,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x53> | tensor<[12,1,53,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x54> | tensor<[12,1,54,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x55> | tensor<[12,1,55,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x56> | tensor<[12,1,56,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x57> | tensor<[12,1,57,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x58> | tensor<[12,1,58,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x59> | tensor<[12,1,59,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x6> | tensor<[12,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x60> | tensor<[12,1,60,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x61> | tensor<[12,1,61,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x62> | tensor<[12,1,62,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x63> | tensor<[12,1,63,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x65> | tensor<[12,1,65,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x66> | tensor<[12,1,66,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x67> | tensor<[12,1,67,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x68> | tensor<[12,1,68,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x69> | tensor<[12,1,69,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x7> | tensor<[12,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x70> | tensor<[12,1,70,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x71> | tensor<[12,1,71,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x72> | tensor<[12,1,72,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x73> | tensor<[12,1,73,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x74> | tensor<[12,1,74,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x75> | tensor<[12,1,75,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x76> | tensor<[12,1,76,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x77> | tensor<[12,1,77,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x78> | tensor<[12,1,78,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x79> | tensor<[12,1,79,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x8> | tensor<[12,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x80> | tensor<[12,1,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x81> | tensor<[12,1,81,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x82> | tensor<[12,1,82,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x83> | tensor<[12,1,83,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x84> | tensor<[12,1,84,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x85> | tensor<[12,1,85,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x86> | tensor<[12,1,86,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x87> | tensor<[12,1,87,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x88> | tensor<[12,1,88,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x89> | tensor<[12,1,89,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x1x9> | tensor<[12,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x90> | tensor<[12,1,90,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x91> | tensor<[12,1,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x92> | tensor<[12,1,92,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x93> | tensor<[12,1,93,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x94> | tensor<[12,1,94,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x95> | tensor<[12,1,95,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<12x1x96> | tensor<[12,1,96,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x97> | tensor<[12,1,97,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x98> | tensor<[12,1,98,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<12x1x99> | tensor<[12,1,99,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<12x1x64> | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<76x2>>, shape: #ttnn.shape<12x201x64> | tensor<[12,201,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<76x7>>, shape: #ttnn.shape<12x201x201> | tensor<[12,201,201,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<97x2>>, shape: #ttnn.shape<12x257x64> | tensor<[12,257,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<97x9>>, shape: #ttnn.shape<12x257x257> | tensor<[12,257,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<12x25x64> | tensor<[12,25,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<12x25x25> | tensor<[12,25,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<17x2>>, shape: #ttnn.shape<12x45x64> | tensor<[12,45,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<17x2>>, shape: #ttnn.shape<12x45x45> | tensor<[12,45,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x2>>, shape: #ttnn.shape<12x50x64> | tensor<[12,50,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x2>>, shape: #ttnn.shape<12x50x50> | tensor<[12,50,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<12x7x7> | tensor<[12,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<12x7x64> | tensor<[12,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<12x8x8> | tensor<[12,8,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<12x8x64> | tensor<[12,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<12x9x9> | tensor<[12,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<12x9x64> | tensor<[12,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6534x1>>, shape: #ttnn.shape<1452x144x32> | tensor<[1452,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6534x5>>, shape: #ttnn.shape<1452x144x144> | tensor<[1452,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x1>>, shape: #ttnn.shape<1536x16x32> | tensor<[1536,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1536x1>>, shape: #ttnn.shape<1536x32x32> | tensor<[1536,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1536x1>>, shape: #ttnn.shape<1536x32x32> | tensor<[1536,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3072x1>>, shape: #ttnn.shape<1536x64x32> | tensor<[1536,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<16x10x64> | tensor<[16,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<16x10x10> | tensor<[16,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<685x3>>, shape: #ttnn.shape<16x1370x80> | tensor<[16,1370,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<685x43>>, shape: #ttnn.shape<16x1370x1370> | tensor<[16,1370,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x2>>, shape: #ttnn.shape<16x197x64> | tensor<[16,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x7>>, shape: #ttnn.shape<16x197x197> | tensor<[16,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x1> | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x10> | tensor<[16,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x11> | tensor<[16,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x12> | tensor<[16,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x13> | tensor<[16,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x14> | tensor<[16,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x15> | tensor<[16,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x16> | tensor<[16,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x17> | tensor<[16,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x18> | tensor<[16,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x19> | tensor<[16,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x2> | tensor<[16,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x20> | tensor<[16,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x21> | tensor<[16,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x22> | tensor<[16,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x23> | tensor<[16,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x24> | tensor<[16,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x25> | tensor<[16,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x26> | tensor<[16,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x27> | tensor<[16,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x28> | tensor<[16,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x29> | tensor<[16,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x3> | tensor<[16,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x4> | tensor<[16,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x5> | tensor<[16,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x6> | tensor<[16,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x7> | tensor<[16,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x8> | tensor<[16,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<16x1x9> | tensor<[16,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<16x1x64> | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<16x256x64> | tensor<[16,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<16x256x256> | tensor<[16,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x3>>, shape: #ttnn.shape<16x32x96> | tensor<[16,32,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<16x5x64> | tensor<[16,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<16x5x5> | tensor<[16,5,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<16x6x6> | tensor<[16,6,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<16x6x64> | tensor<[16,6,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<16x7x7> | tensor<[16,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<16x7x64> | tensor<[16,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<16x9x9> | tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x1>>, shape: #ttnn.shape<16x9x9> | tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<16x9x128> | tensor<[16,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<16x9x64> | tensor<[16,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<184x14x14> | tensor<[184,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<184x7x14> | tensor<[184,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<18x14x56> | tensor<[18,14,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<18x28x56> | tensor<[18,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<18x56x56> | tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<18x56x56> | tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<18x56x56> | tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<18x7x56> | tensor<[18,7,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x8>>, shape: #ttnn.shape<192x128x256> | tensor<[192,128,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x1>>, shape: #ttnn.shape<192x144x32> | tensor<[192,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x5>>, shape: #ttnn.shape<192x144x144> | tensor<[192,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1536x8>>, shape: #ttnn.shape<192x256x256> | tensor<[192,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x10x128> | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x10x1536> | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x11x128> | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x11x1536> | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x12x1536> | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x16> | tensor<[1,12,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x13x128> | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x13x1536> | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x14x1536> | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x15x128> | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x15x1536> | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x32> | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x16384x256> | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<1x19200x64> | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x10>>, shape: #ttnn.shape<1x19200x300> | tensor<[1,19200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4748>>, shape: #ttnn.shape<1x1x151936> | tensor<[1,1,151936,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x27x768> | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x1> | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x512x12> | tensor<[1,512,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x12> | tensor<[1,64,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x13> | tensor<[1,64,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x32> | tensor<[1,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x6x128> | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x6x1536> | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x7x128> | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x7x1536> | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x8x128> | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x8x1536> | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x9x1536> | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<88x1>>, shape: #ttnn.shape<200x14x14> | tensor<[200,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<200x7x14> | tensor<[200,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<972x1>>, shape: #ttnn.shape<216x144x32> | tensor<[216,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<972x5>>, shape: #ttnn.shape<216x144x144> | tensor<[216,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<240x14x28> | tensor<[240,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<240x28x28> | tensor<[240,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<24x13x64> | tensor<[24,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<24x13x13> | tensor<[24,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<24x32x32> | tensor<[24,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x4>>, shape: #ttnn.shape<24x32x128> | tensor<[24,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<256x128x128> | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<256x128x128> | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<256x128x128> | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<256x128x128> | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x4>>, shape: #ttnn.shape<256x16x128> | tensor<[256,16,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<256x16x32> | tensor<[256,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<256x32x32> | tensor<[256,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<256x32x128> | tensor<[256,32,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<256x49x49> | tensor<[256,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<256x49x32> | tensor<[256,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<256x64x128> | tensor<[256,64,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<28x13x13> | tensor<[28,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x4>>, shape: #ttnn.shape<28x13x128> | tensor<[28,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13068x1>>, shape: #ttnn.shape<2904x144x32> | tensor<[2904,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13068x5>>, shape: #ttnn.shape<2904x144x144> | tensor<[2904,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<2x4096x32> | tensor<[2,4096,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<2x4096x256> | tensor<[2,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x2>>, shape: #ttnn.shape<2x4800x64> | tensor<[2,4800,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x10>>, shape: #ttnn.shape<2x4800x300> | tensor<[2,4800,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<32x32x32> | tensor<[32,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x4>>, shape: #ttnn.shape<32x32x128> | tensor<[32,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x2>>, shape: #ttnn.shape<32x49x49> | tensor<[32,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<32x49x32> | tensor<[32,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<36x14x28> | tensor<[36,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<36x28x28> | tensor<[36,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<36x28x28> | tensor<[36,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<36x7x28> | tensor<[36,7,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1536x4>>, shape: #ttnn.shape<384x128x128> | tensor<[384,128,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3072x1>>, shape: #ttnn.shape<384x256x32> | tensor<[384,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<384x32x32> | tensor<[384,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (384, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x4>>, shape: #ttnn.shape<384x64x128> | tensor<[384,64,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x16>>, shape: #ttnn.shape<3x1024x512> | tensor<[3,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x2>>, shape: #ttnn.shape<3x1445x64> | tensor<[3,1445,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x46>>, shape: #ttnn.shape<3x1445x1445> | tensor<[3,1445,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x10>>, shape: #ttnn.shape<3x320x320> | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x16>>, shape: #ttnn.shape<3x512x512> | tensor<[3,512,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (48, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x1>>, shape: #ttnn.shape<432x144x32> | tensor<[432,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x5>>, shape: #ttnn.shape<432x144x144> | tensor<[432,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<480x14x14> | tensor<[480,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<480x7x14> | tensor<[480,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x1>>, shape: #ttnn.shape<5x1024x32> | tensor<[5,1024,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x8>>, shape: #ttnn.shape<5x1024x256> | tensor<[5,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<188x2>>, shape: #ttnn.shape<5x1200x64> | tensor<[5,1200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<188x10>>, shape: #ttnn.shape<5x1200x300> | tensor<[5,1200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<640x32x64> | tensor<[640,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x2>>, shape: #ttnn.shape<640x64x64> | tensor<[640,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<64x120x160> | tensor<[64,120,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x8>>, shape: #ttnn.shape<64x160x240> | tensor<[64,160,240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (320, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<64x1x64> | tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<64x1x64> | tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<64x1x1> | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<64x1x13> | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<64x20x30> | tensor<[64,20,30,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x10>>, shape: #ttnn.shape<64x240x320> | tensor<[64,240,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 240 + d1, d2), memory_config: (480, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<64x30x40> | tensor<[64,30,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x15>>, shape: #ttnn.shape<64x320x480> | tensor<[64,320,480,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (640, 15, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x2>>, shape: #ttnn.shape<64x40x60> | tensor<[64,40,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x20>>, shape: #ttnn.shape<64x480x640> | tensor<[64,480,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 480 + d1, d2), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<64x49x49> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<64x49x32> | tensor<[64,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<64x60x80> | tensor<[64,60,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x4>>, shape: #ttnn.shape<64x80x120> | tensor<[64,80,120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (160, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<64x9x9> | tensor<[64,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x2>>, shape: #ttnn.shape<64x9x64> | tensor<[64,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<672x14x14> | tensor<[672,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<672x7x14> | tensor<[672,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<6x15x64> | tensor<[6,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<6x15x15> | tensor<[6,15,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x1> | tensor<[6,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x10> | tensor<[6,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x11> | tensor<[6,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x12> | tensor<[6,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x13> | tensor<[6,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x14> | tensor<[6,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x15> | tensor<[6,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x16> | tensor<[6,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x17> | tensor<[6,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x18> | tensor<[6,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x19> | tensor<[6,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x2> | tensor<[6,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x20> | tensor<[6,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x3> | tensor<[6,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x4> | tensor<[6,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x5> | tensor<[6,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x6> | tensor<[6,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x7> | tensor<[6,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x8> | tensor<[6,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x1x9> | tensor<[6,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<6x1x64> | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<71x7x7> | tensor<[71,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<71x7x64> | tensor<[71,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3267x1>>, shape: #ttnn.shape<726x144x32> | tensor<[726,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3267x5>>, shape: #ttnn.shape<726x144x144> | tensor<[726,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<72x14x14> | tensor<[72,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x2>>, shape: #ttnn.shape<72x28x56> | tensor<[72,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x2>>, shape: #ttnn.shape<72x56x56> | tensor<[72,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<72x7x14> | tensor<[72,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3072x1>>, shape: #ttnn.shape<768x128x32> | tensor<[768,128,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x1>>, shape: #ttnn.shape<768x32x32> | tensor<[768,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x2>>, shape: #ttnn.shape<768x32x64> | tensor<[768,32,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1536x2>>, shape: #ttnn.shape<768x64x64> | tensor<[768,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3888x1>>, shape: #ttnn.shape<864x144x32> | tensor<[864,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3888x5>>, shape: #ttnn.shape<864x144x144> | tensor<[864,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<8x100x32> | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x4>>, shape: #ttnn.shape<8x100x100> | tensor<[8,100,100,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<8x100x32> | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x3>>, shape: #ttnn.shape<8x1024x80> | tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x32>>, shape: #ttnn.shape<8x1024x1024> | tensor<[8,1024,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<8x1024x9> | tensor<[8,1024,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x3>>, shape: #ttnn.shape<8x1024x80> | tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<8x10x64> | tensor<[8,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<8x10x10> | tensor<[8,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x1> | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x10> | tensor<[8,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x11> | tensor<[8,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x12> | tensor<[8,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x13> | tensor<[8,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x14> | tensor<[8,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x15> | tensor<[8,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x16> | tensor<[8,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x17> | tensor<[8,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x18> | tensor<[8,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x19> | tensor<[8,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x2> | tensor<[8,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x20> | tensor<[8,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x3> | tensor<[8,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x4> | tensor<[8,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x5> | tensor<[8,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x6> | tensor<[8,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x7> | tensor<[8,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x8> | tensor<[8,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1x9> | tensor<[8,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<8x1x64> | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x3>>, shape: #ttnn.shape<8x2048x96> | tensor<[8,2048,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<8x2048x256> | tensor<[8,2048,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<8x256x256> | tensor<[8,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<8x256x9> | tensor<[8,256,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x5>>, shape: #ttnn.shape<8x256x160> | tensor<[8,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x5>>, shape: #ttnn.shape<8x256x160> | tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<8x256x32> | tensor<[8,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x64>>, shape: #ttnn.shape<8x256x2048> | tensor<[8,256,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<8x256x256> | tensor<[8,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x5>>, shape: #ttnn.shape<8x256x160> | tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x2>>, shape: #ttnn.shape<8x300x64> | tensor<[8,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x10>>, shape: #ttnn.shape<8x300x300> | tensor<[8,300,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x2>>, shape: #ttnn.shape<8x4096x40> | tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<8x4096x4096> | tensor<[8,4096,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x1>>, shape: #ttnn.shape<8x4096x9> | tensor<[8,4096,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x2>>, shape: #ttnn.shape<8x4096x40> | tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<8x64x64> | tensor<[8,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<8x64x9> | tensor<[8,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x5>>, shape: #ttnn.shape<8x64x160> | tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x5>>, shape: #ttnn.shape<8x64x160> | tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<230x1>>, shape: #ttnn.shape<8x920x32> | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x1>>, shape: #ttnn.shape<960x3x7> | tensor<[960,3,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<960x7x7> | tensor<[960,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1x1370x1280> | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x16x64> | tensor<[1,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1x1445x192> | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x7>>, shape: #ttnn.shape<1x3x224x224> | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x128> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x7x64> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x257x768> | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x50x768> | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<88x1>>, shape: #ttnn.shape<1x200x14x14> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<231x1>>, shape: #ttnn.shape<1x528x14x14> | tensor<[1,528,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 14 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x128> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x2x64> | tensor<[1,12,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x12x11x64> | tensor<[1,12,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 132 + d1 * 11 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x12x12x64> | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x12x13x64> | tensor<[1,12,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<1x12x12x128> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x12x14x64> | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x12x15x64> | tensor<[1,12,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x12x16x64> | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<1x12x17x64> | tensor<[1,12,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<1x12x18x64> | tensor<[1,12,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x12x19x64> | tensor<[1,12,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x12x20x64> | tensor<[1,12,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x12x3x64> | tensor<[1,12,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x12x4x64> | tensor<[1,12,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x12x5x64> | tensor<[1,12,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x2>>, shape: #ttnn.shape<1x12x46x64> | tensor<[1,12,46,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x2>>, shape: #ttnn.shape<1x12x47x64> | tensor<[1,12,47,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x2>>, shape: #ttnn.shape<1x12x48x64> | tensor<[1,12,48,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x2>>, shape: #ttnn.shape<1x12x49x64> | tensor<[1,12,49,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x2>>, shape: #ttnn.shape<1x12x50x64> | tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x12x6x64> | tensor<[1,12,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x2>>, shape: #ttnn.shape<1x12x51x64> | tensor<[1,12,51,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x2>>, shape: #ttnn.shape<1x12x52x64> | tensor<[1,12,52,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x2>>, shape: #ttnn.shape<1x12x53x64> | tensor<[1,12,53,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x2>>, shape: #ttnn.shape<1x12x54x64> | tensor<[1,12,54,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x2>>, shape: #ttnn.shape<1x12x55x64> | tensor<[1,12,55,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x2>>, shape: #ttnn.shape<1x12x56x64> | tensor<[1,12,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x2>>, shape: #ttnn.shape<1x24x56x56> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<22x2>>, shape: #ttnn.shape<1x12x57x64> | tensor<[1,12,57,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<22x2>>, shape: #ttnn.shape<1x12x58x64> | tensor<[1,12,58,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<23x2>>, shape: #ttnn.shape<1x12x59x64> | tensor<[1,12,59,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<23x2>>, shape: #ttnn.shape<1x12x60x64> | tensor<[1,12,60,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x12x7x64> | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<23x2>>, shape: #ttnn.shape<1x12x61x64> | tensor<[1,12,61,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x2>>, shape: #ttnn.shape<1x12x62x64> | tensor<[1,12,62,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x2>>, shape: #ttnn.shape<1x12x63x64> | tensor<[1,12,63,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x2>>, shape: #ttnn.shape<1x12x64x64> | tensor<[1,12,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<1x12x65x64> | tensor<[1,12,65,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<1x12x66x64> | tensor<[1,12,66,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<26x2>>, shape: #ttnn.shape<1x12x67x64> | tensor<[1,12,67,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<26x2>>, shape: #ttnn.shape<1x12x68x64> | tensor<[1,12,68,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<26x2>>, shape: #ttnn.shape<1x12x69x64> | tensor<[1,12,69,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<27x2>>, shape: #ttnn.shape<1x12x70x64> | tensor<[1,12,70,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x12x8x64> | tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<27x2>>, shape: #ttnn.shape<1x12x71x64> | tensor<[1,12,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<27x2>>, shape: #ttnn.shape<1x12x72x64> | tensor<[1,12,72,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x2>>, shape: #ttnn.shape<1x12x73x64> | tensor<[1,12,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x2>>, shape: #ttnn.shape<1x12x74x64> | tensor<[1,12,74,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x2>>, shape: #ttnn.shape<1x12x75x64> | tensor<[1,12,75,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x2>>, shape: #ttnn.shape<1x12x76x64> | tensor<[1,12,76,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x2>>, shape: #ttnn.shape<1x12x77x64> | tensor<[1,12,77,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x12x78x64> | tensor<[1,12,78,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x12x79x64> | tensor<[1,12,79,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x12x80x64> | tensor<[1,12,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x12x9x64> | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<31x2>>, shape: #ttnn.shape<1x12x81x64> | tensor<[1,12,81,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<31x2>>, shape: #ttnn.shape<1x12x82x64> | tensor<[1,12,82,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x12x83x64> | tensor<[1,12,83,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x12x84x64> | tensor<[1,12,84,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x12x85x64> | tensor<[1,12,85,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<33x2>>, shape: #ttnn.shape<1x12x86x64> | tensor<[1,12,86,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<33x2>>, shape: #ttnn.shape<1x12x87x64> | tensor<[1,12,87,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<33x2>>, shape: #ttnn.shape<1x12x88x64> | tensor<[1,12,88,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<34x2>>, shape: #ttnn.shape<1x12x89x64> | tensor<[1,12,89,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<34x2>>, shape: #ttnn.shape<1x12x90x64> | tensor<[1,12,90,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x12x10x64> | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x2>>, shape: #ttnn.shape<1x12x91x64> | tensor<[1,12,91,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x2>>, shape: #ttnn.shape<1x12x92x64> | tensor<[1,12,92,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x2>>, shape: #ttnn.shape<1x12x93x64> | tensor<[1,12,93,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<36x2>>, shape: #ttnn.shape<1x12x94x64> | tensor<[1,12,94,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<36x2>>, shape: #ttnn.shape<1x12x95x64> | tensor<[1,12,95,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<36x2>>, shape: #ttnn.shape<1x12x96x64> | tensor<[1,12,96,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<37x2>>, shape: #ttnn.shape<1x12x97x64> | tensor<[1,12,97,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<37x2>>, shape: #ttnn.shape<1x12x98x64> | tensor<[1,12,98,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x2>>, shape: #ttnn.shape<1x12x99x64> | tensor<[1,12,99,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1188 + d1 * 99 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x240x28x28> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x3>>, shape: #ttnn.shape<1x16128x85> | tensor<[1,16128,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16128 + d1, d2), memory_config: (504, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x4>>, shape: #ttnn.shape<1x256x112x112> | tensor<[1,256,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 112 + d2, d3), memory_config: (896, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<1x128x128x768> | tensor<[1,128,128,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x448x28x28> | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x1>>, shape: #ttnn.shape<1x185x28x28> | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x480x28x28> | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x480x28x28> | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x448x28x28> | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x416x28x28> | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x384x28x28> | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x352x28x28> | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x320x28x28> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x288x28x28> | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x224x28x28> | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x192x28x28> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x160x28x28> | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x32x32> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x2>>, shape: #ttnn.shape<1x256x64x64> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x2>>, shape: #ttnn.shape<1x384x64x64> | tensor<[1,384,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x2560x16x16> | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x1920x16x16> | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x1>>, shape: #ttnn.shape<1x1920x32x32> | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2560x8x8> | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x13x128> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x14x14x1024> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<217x2>>, shape: #ttnn.shape<1x124x56x56> | tensor<[1,124,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 56 + d2, d3), memory_config: (217, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<249x2>>, shape: #ttnn.shape<1x142x56x56> | tensor<[1,142,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7952 + d1 * 56 + d2, d3), memory_config: (249, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<179x2>>, shape: #ttnn.shape<1x102x56x56> | tensor<[1,102,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5712 + d1 * 56 + d2, d3), memory_config: (179, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<95x2>>, shape: #ttnn.shape<1x54x56x56> | tensor<[1,54,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3024 + d1 * 56 + d2, d3), memory_config: (95, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<137x2>>, shape: #ttnn.shape<1x78x56x56> | tensor<[1,78,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4368 + d1 * 56 + d2, d3), memory_config: (137, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3072x1>>, shape: #ttnn.shape<1x3072x32x32> | tensor<[1,3072,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 32 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x16x2x64> | tensor<[1,16,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x16x11x64> | tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x16x11x64> | tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x16x12x64> | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x16x12x64> | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<1x16x13x64> | tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<1x16x13x64> | tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<1x16x14x64> | tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<1x16x14x64> | tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x16x15x64> | tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x16x15x64> | tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x16x16x64> | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x16x16x64> | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x2>>, shape: #ttnn.shape<1x16x17x64> | tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x2>>, shape: #ttnn.shape<1x16x17x64> | tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x96>>, shape: #ttnn.shape<1x16x16x3072> | tensor<[1,16,16,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x2>>, shape: #ttnn.shape<1x16x18x64> | tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x2>>, shape: #ttnn.shape<1x16x18x64> | tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x16x19x64> | tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x16x19x64> | tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x16x20x64> | tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x16x20x64> | tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x16x3x64> | tensor<[1,16,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x2>>, shape: #ttnn.shape<1x16x21x64> | tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x2>>, shape: #ttnn.shape<1x16x21x64> | tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x2>>, shape: #ttnn.shape<1x16x22x64> | tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x2>>, shape: #ttnn.shape<1x16x22x64> | tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x2>>, shape: #ttnn.shape<1x16x23x64> | tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x2>>, shape: #ttnn.shape<1x16x23x64> | tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x2>>, shape: #ttnn.shape<1x16x24x64> | tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x2>>, shape: #ttnn.shape<1x16x24x64> | tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13x2>>, shape: #ttnn.shape<1x16x25x64> | tensor<[1,16,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13x2>>, shape: #ttnn.shape<1x16x26x64> | tensor<[1,16,26,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x2>>, shape: #ttnn.shape<1x16x27x64> | tensor<[1,16,27,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x2>>, shape: #ttnn.shape<1x16x28x64> | tensor<[1,16,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x144x28x28> | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<230x1>>, shape: #ttnn.shape<1x262x28x28> | tensor<[1,262,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7336 + d1 * 28 + d2, d3), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<151x1>>, shape: #ttnn.shape<1x172x28x28> | tensor<[1,172,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4816 + d1 * 28 + d2, d3), memory_config: (151, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<191x1>>, shape: #ttnn.shape<1x218x28x28> | tensor<[1,218,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6104 + d1 * 28 + d2, d3), memory_config: (191, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<259x1>>, shape: #ttnn.shape<1x296x28x28> | tensor<[1,296,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 28 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<107x1>>, shape: #ttnn.shape<1x122x28x28> | tensor<[1,122,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3416 + d1 * 28 + d2, d3), memory_config: (107, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<55x1>>, shape: #ttnn.shape<1x62x28x28> | tensor<[1,62,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1736 + d1 * 28 + d2, d3), memory_config: (55, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<83x1>>, shape: #ttnn.shape<1x94x28x28> | tensor<[1,94,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2632 + d1 * 28 + d2, d3), memory_config: (83, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x2>>, shape: #ttnn.shape<1x16x29x64> | tensor<[1,16,29,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 464 + d1 * 29 + d2, d3), memory_config: (15, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x16x4x64> | tensor<[1,16,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x16x5x64> | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x16x6x64> | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x16x7x64> | tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x16x7x64> | tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x16x8x64> | tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x16x8x64> | tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x16x9x64> | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x16x9x64> | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x16x10x64> | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x16x10x64> | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<172x1>>, shape: #ttnn.shape<1x782x7x7> | tensor<[1,782,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5474 + d1 * 7 + d2, d3), memory_config: (172, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<235x1>>, shape: #ttnn.shape<1x1072x7x7> | tensor<[1,1072,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7504 + d1 * 7 + d2, d3), memory_config: (235, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<175x1>>, shape: #ttnn.shape<1x800x7x7> | tensor<[1,800,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5600 + d1 * 7 + d2, d3), memory_config: (175, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3072x8>>, shape: #ttnn.shape<1x384x256x256> | tensor<[1,384,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x2>>, shape: #ttnn.shape<1x384x35x35> | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<1x1536x8x8> | tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x2> | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x1x128> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x13x128> | tensor<[1,2,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x12x128> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x14x128> | tensor<[1,2,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 14 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x15x128> | tensor<[1,2,15,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 15 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x16x128> | tensor<[1,2,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 16 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x17x128> | tensor<[1,2,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 * 17 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x18x128> | tensor<[1,2,18,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 18 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x19x128> | tensor<[1,2,19,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 * 19 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x20x128> | tensor<[1,2,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 20 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x21x128> | tensor<[1,2,21,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 21 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x22x128> | tensor<[1,2,22,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 44 + d1 * 22 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x23x128> | tensor<[1,2,23,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 * 23 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x24x128> | tensor<[1,2,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 24 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x25x128> | tensor<[1,2,25,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50 + d1 * 25 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x26x128> | tensor<[1,2,26,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 26 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x27x128> | tensor<[1,2,27,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 27 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x28x128> | tensor<[1,2,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 28 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x2x29x128> | tensor<[1,2,29,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 * 29 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<287x1>>, shape: #ttnn.shape<1x328x28x28> | tensor<[1,328,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 28 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x40x28x28> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<242x1>>, shape: #ttnn.shape<1x276x28x28> | tensor<[1,276,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7728 + d1 * 28 + d2, d3), memory_config: (242, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<272x1>>, shape: #ttnn.shape<1x310x28x28> | tensor<[1,310,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8680 + d1 * 28 + d2, d3), memory_config: (272, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x368x28x28> | tensor<[1,368,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 28 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<408x1>>, shape: #ttnn.shape<1x466x28x28> | tensor<[1,466,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13048 + d1 * 28 + d2, d3), memory_config: (408, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<133x1>>, shape: #ttnn.shape<1x152x28x28> | tensor<[1,152,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 28 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<69x1>>, shape: #ttnn.shape<1x78x28x28> | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<104x1>>, shape: #ttnn.shape<1x118x28x28> | tensor<[1,118,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 28 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x4>>, shape: #ttnn.shape<1x48x112x112> | tensor<[1,48,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 112 + d2, d3), memory_config: (168, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x4>>, shape: #ttnn.shape<1x24x32x128> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x3234x4> | tensor<[1,3234,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3234 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x3>>, shape: #ttnn.shape<1x3234x91> | tensor<[1,3234,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3234 + d1, d2), memory_config: (102, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4096x4>>, shape: #ttnn.shape<1x1024x128x128> | tensor<[1,1024,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 128 + d2, d3), memory_config: (4096, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x896x14x14> | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<784x1>>, shape: #ttnn.shape<1x1792x14x14> | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<770x1>>, shape: #ttnn.shape<1x1760x14x14> | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<756x1>>, shape: #ttnn.shape<1x1728x14x14> | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<742x1>>, shape: #ttnn.shape<1x1696x14x14> | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<728x1>>, shape: #ttnn.shape<1x1664x14x14> | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<714x1>>, shape: #ttnn.shape<1x1632x14x14> | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<700x1>>, shape: #ttnn.shape<1x1600x14x14> | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<686x1>>, shape: #ttnn.shape<1x1568x14x14> | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x1536x14x14> | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<658x1>>, shape: #ttnn.shape<1x1504x14x14> | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<644x1>>, shape: #ttnn.shape<1x1472x14x14> | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<630x1>>, shape: #ttnn.shape<1x1440x14x14> | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<616x1>>, shape: #ttnn.shape<1x1408x14x14> | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<602x1>>, shape: #ttnn.shape<1x1376x14x14> | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x1344x14x14> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<574x1>>, shape: #ttnn.shape<1x1312x14x14> | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<560x1>>, shape: #ttnn.shape<1x1280x14x14> | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<546x1>>, shape: #ttnn.shape<1x1248x14x14> | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<532x1>>, shape: #ttnn.shape<1x1216x14x14> | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<518x1>>, shape: #ttnn.shape<1x1184x14x14> | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x1152x14x14> | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<490x1>>, shape: #ttnn.shape<1x1120x14x14> | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<476x1>>, shape: #ttnn.shape<1x1088x14x14> | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<462x1>>, shape: #ttnn.shape<1x1056x14x14> | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x1024x14x14> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<434x1>>, shape: #ttnn.shape<1x992x14x14> | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x960x14x14> | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x928x14x14> | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x896x14x14> | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x864x14x14> | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x832x14x14> | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x800x14x14> | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x768x14x14> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x736x14x14> | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x704x14x14> | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x640x14x14> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x608x14x14> | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x576x14x14> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x544x14x14> | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x448x14x14> | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<182x1>>, shape: #ttnn.shape<1x416x14x14> | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x384x14x14> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<154x1>>, shape: #ttnn.shape<1x352x14x14> | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x320x14x14> | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x288x14x14> | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x832x14x14> | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x512x16x16> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<644x1>>, shape: #ttnn.shape<1x736x28x28> | tensor<[1,736,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 28 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x512x32x32> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x1>>, shape: #ttnn.shape<1x768x32x32> | tensor<[1,768,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x2>>, shape: #ttnn.shape<1x512x56x56> | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<182x1>>, shape: #ttnn.shape<1x832x7x7> | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x512x8x8> | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<1x1536x8x8> | tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x4>>, shape: #ttnn.shape<1x28x13x128> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x16>>, shape: #ttnn.shape<1x28x28x512> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x30> | tensor<[1,30,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x3> | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x3>>, shape: #ttnn.shape<1x3x16x16x85> | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x3>>, shape: #ttnn.shape<1x3x32x32x85> | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x3>>, shape: #ttnn.shape<1x3x64x64x85> | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<1x64x128x128> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x64x256x256> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1x32x32x1536> | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x4>>, shape: #ttnn.shape<1x32x32x128> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1x32x32x3072> | tensor<[1,32,32,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x32x128> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x2>>, shape: #ttnn.shape<1x640x64x64> | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x2>>, shape: #ttnn.shape<1x72x56x56> | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3072x4>>, shape: #ttnn.shape<1x768x128x128> | tensor<[1,768,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<544x1>>, shape: #ttnn.shape<1x1024x17x17> | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<544x1>>, shape: #ttnn.shape<1x1024x17x17> | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5760x1>>, shape: #ttnn.shape<1x5760x32x32> | tensor<[1,5760,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184320 + d1 * 32 + d2, d3), memory_config: (5760, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x4> | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x4x13x128> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<69x1>>, shape: #ttnn.shape<1x156x14x14> | tensor<[1,156,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 14 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<104x1>>, shape: #ttnn.shape<1x236x14x14> | tensor<[1,236,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 14 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<158x1>>, shape: #ttnn.shape<1x360x14x14> | tensor<[1,360,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5040 + d1 * 14 + d2, d3), memory_config: (158, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<287x1>>, shape: #ttnn.shape<1x654x14x14> | tensor<[1,654,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9156 + d1 * 14 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x80x14x14> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<324x1>>, shape: #ttnn.shape<1x740x14x14> | tensor<[1,740,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10360 + d1 * 14 + d2, d3), memory_config: (324, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x544x14x14> | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<133x1>>, shape: #ttnn.shape<1x304x14x14> | tensor<[1,304,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 14 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<188x1>>, shape: #ttnn.shape<1x428x14x14> | tensor<[1,428,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5992 + d1 * 14 + d2, d3), memory_config: (188, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x46> | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x47> | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x48> | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x49> | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x50> | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x5x16x64> | tensor<[1,5,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x51> | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<476x1>>, shape: #ttnn.shape<1x1088x14x14> | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x1024x28x28> | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x1280x7x7> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x52> | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x53> | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x54> | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x55> | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x56> | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x112x14x14> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x57> | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x58> | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x59> | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x60> | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x6x2x64> | tensor<[1,6,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x6x11x64> | tensor<[1,6,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 66 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x6x12x64> | tensor<[1,6,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x6x13x64> | tensor<[1,6,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 * 13 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x6x14x64> | tensor<[1,6,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 14 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x6x15x64> | tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x6x16x64> | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x6x17x64> | tensor<[1,6,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102 + d1 * 17 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x6x18x64> | tensor<[1,6,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 18 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x6x19x64> | tensor<[1,6,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 114 + d1 * 19 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x6x20x64> | tensor<[1,6,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 20 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x6x3x64> | tensor<[1,6,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x6x4x64> | tensor<[1,6,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x6x5x64> | tensor<[1,6,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 5 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x6x6x64> | tensor<[1,6,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x6x7x64> | tensor<[1,6,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x6x8x64> | tensor<[1,6,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x6x9x64> | tensor<[1,6,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 9 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x6x10x64> | tensor<[1,6,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 10 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x61> | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x62> | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x63> | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x5>>, shape: #ttnn.shape<1x128x120x160> | tensor<[1,128,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 120 + d2, d3), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x128x128x128> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x7>>, shape: #ttnn.shape<1x128x224x224> | tensor<[1,128,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 224 + d2, d3), memory_config: (896, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x2>>, shape: #ttnn.shape<1x128x30x40> | tensor<[1,128,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 30 + d2, d3), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<784x2>>, shape: #ttnn.shape<1x448x56x56> | tensor<[1,448,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 56 + d2, d3), memory_config: (784, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<1x224x56x56> | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x2>>, shape: #ttnn.shape<1x192x56x56> | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x2>>, shape: #ttnn.shape<1x160x56x56> | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x2>>, shape: #ttnn.shape<1x96x56x56> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x3>>, shape: #ttnn.shape<1x128x60x80> | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<1x64x64x768> | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<1x64x64x1536> | tensor<[1,64,64,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<1x128x64x64> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<365x3>>, shape: #ttnn.shape<1x160x73x73> | tensor<[1,160,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11680 + d1 * 73 + d2, d3), memory_config: (365, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x960x32x32> | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x1280x32x32> | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x2>>, shape: #ttnn.shape<1x960x64x64> | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x65> | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x66> | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x67> | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x68> | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x69> | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x70> | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x7x7x2048> | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x71> | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<1x71x7x64> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x72> | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x73> | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x74> | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x75> | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x76> | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3072x2>>, shape: #ttnn.shape<1x1536x64x64> | tensor<[1,1536,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x1440x7x7> | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x77> | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x78> | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x79> | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x80> | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x8x2x64> | tensor<[1,8,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x8x11x64> | tensor<[1,8,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x8x12x64> | tensor<[1,8,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x4>>, shape: #ttnn.shape<1x16x112x112> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x8x13x64> | tensor<[1,8,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 104 + d1 * 13 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x8x14x64> | tensor<[1,8,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 14 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x8x15x64> | tensor<[1,8,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 15 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x8x16x64> | tensor<[1,8,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 16 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x8x17x64> | tensor<[1,8,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 * 17 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x8x18x64> | tensor<[1,8,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 18 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x8x19x64> | tensor<[1,8,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 152 + d1 * 19 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x8x20x64> | tensor<[1,8,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 20 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x8x3x64> | tensor<[1,8,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x8x4x64> | tensor<[1,8,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x4>>, shape: #ttnn.shape<1x8x32x128> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x8x5x64> | tensor<[1,8,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x8x6x64> | tensor<[1,8,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x8x7x64> | tensor<[1,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x8x8x64> | tensor<[1,8,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x201x768> | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x8x9x64> | tensor<[1,8,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x8x10x64> | tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x160x7x7> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x81> | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x82> | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x83> | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x84> | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x85> | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x86> | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x87> | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x88> | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x89> | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x1920x7x7> | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<413x1>>, shape: #ttnn.shape<1x1888x7x7> | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x1856x7x7> | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<399x1>>, shape: #ttnn.shape<1x1824x7x7> | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x1792x7x7> | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<385x1>>, shape: #ttnn.shape<1x1760x7x7> | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x1728x7x7> | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<371x1>>, shape: #ttnn.shape<1x1696x7x7> | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x1664x7x7> | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<357x1>>, shape: #ttnn.shape<1x1632x7x7> | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x1600x7x7> | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<343x1>>, shape: #ttnn.shape<1x1568x7x7> | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x1536x7x7> | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<329x1>>, shape: #ttnn.shape<1x1504x7x7> | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x1472x7x7> | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x1440x7x7> | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x1408x7x7> | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<301x1>>, shape: #ttnn.shape<1x1376x7x7> | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x1344x7x7> | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<287x1>>, shape: #ttnn.shape<1x1312x7x7> | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x1280x7x7> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<273x1>>, shape: #ttnn.shape<1x1248x7x7> | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x1216x7x7> | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<259x1>>, shape: #ttnn.shape<1x1184x7x7> | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x1152x7x7> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x1>>, shape: #ttnn.shape<1x1120x7x7> | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x1088x7x7> | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<231x1>>, shape: #ttnn.shape<1x1056x7x7> | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<217x1>>, shape: #ttnn.shape<1x992x7x7> | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x928x7x7> | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x90> | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x7>>, shape: #ttnn.shape<1x201> | tensor<[1,201,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x91> | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x92> | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x184x14x14> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x93> | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x94> | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x95> | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x96> | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x2>>, shape: #ttnn.shape<1x384x35x35> | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<426x3>>, shape: #ttnn.shape<1x192x71x71> | tensor<[1,192,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13632 + d1 * 71 + d2, d3), memory_config: (426, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x97> | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x98> | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x99> | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x100> | tensor<[1,100,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<4x13x768> | tensor<[4,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x13> | tensor<[4,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x2> | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1024>>, shape: #ttnn.shape<1x1x100x1024> | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1024>>, shape: #ttnn.shape<1x1x100x1024> | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1536>>, shape: #ttnn.shape<1x1x100x1536> | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x256>>, shape: #ttnn.shape<1x1x16384x256> | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x2048>>, shape: #ttnn.shape<1x1x196x2048> | tensor<[1,1,196,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2048>>, shape: #ttnn.shape<1x1x49x2048> | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1024>>, shape: #ttnn.shape<1x1x256x1024> | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x1024x16x16> | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x255>>, shape: #ttnn.shape<1x1x256x255> | tensor<[1,1,256,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x255x16x16> | tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x512>>, shape: #ttnn.shape<1x1x256x512> | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x128>>, shape: #ttnn.shape<1x1x289x128> | tensor<[1,1,289,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x192>>, shape: #ttnn.shape<1x1x289x192> | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x256>>, shape: #ttnn.shape<1x1x289x256> | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x384>>, shape: #ttnn.shape<1x1x289x384> | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1024>>, shape: #ttnn.shape<1x1x100x1024> | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1024>>, shape: #ttnn.shape<1x1x1x1024> | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1x1> | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<920x2048>>, shape: #ttnn.shape<1x1x920x2048> | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x256>>, shape: #ttnn.shape<1x1x3600x256> | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x512>>, shape: #ttnn.shape<1x1x3600x512> | tensor<[1,1,3600,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<512x256>>, shape: #ttnn.shape<1x1x512x256> | tensor<[1,1,512,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x256x512> | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2048>>, shape: #ttnn.shape<1x1x49x2048> | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x2048x7x7> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2048>>, shape: #ttnn.shape<1x1x49x2048> | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x40>>, shape: #ttnn.shape<1x1x3136x40> | tensor<[1,1,3136,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x462>>, shape: #ttnn.shape<1x1x49x462> | tensor<[1,1,49,462,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 462, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x768>>, shape: #ttnn.shape<1x1x196x768> | tensor<[1,1,196,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x112>>, shape: #ttnn.shape<1x1x49x112> | tensor<[1,1,49,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x224>>, shape: #ttnn.shape<1x1x196x224> | tensor<[1,1,196,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x336>>, shape: #ttnn.shape<1x1x196x336> | tensor<[1,1,196,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x672>>, shape: #ttnn.shape<1x1x196x672> | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x672>>, shape: #ttnn.shape<1x1x225x672> | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x672>>, shape: #ttnn.shape<1x1x400x672> | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x672>>, shape: #ttnn.shape<1x1x576x672> | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x160>>, shape: #ttnn.shape<1x1x49x160> | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x672>>, shape: #ttnn.shape<1x1x49x672> | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1152>>, shape: #ttnn.shape<1x1x49x1152> | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1152>>, shape: #ttnn.shape<1x1x49x1152> | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x192>>, shape: #ttnn.shape<1x1x49x192> | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x320>>, shape: #ttnn.shape<1x1x49x320> | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1152>>, shape: #ttnn.shape<1x1x64x1152> | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1152>>, shape: #ttnn.shape<1x1x64x1152> | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x192>>, shape: #ttnn.shape<1x1x64x192> | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x320>>, shape: #ttnn.shape<1x1x64x320> | tensor<[1,1,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x34>>, shape: #ttnn.shape<1x1x784x34> | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x120>>, shape: #ttnn.shape<1x1x196x120> | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x120>>, shape: #ttnn.shape<1x1x196x120> | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x720>>, shape: #ttnn.shape<1x1x289x720> | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1x32> | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x480>>, shape: #ttnn.shape<1x1x1x480> | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x1>>, shape: #ttnn.shape<1x480x1x1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x120>>, shape: #ttnn.shape<1x1x784x120> | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x120>>, shape: #ttnn.shape<1x1x784x120> | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x20>>, shape: #ttnn.shape<1x1x784x20> | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x40>>, shape: #ttnn.shape<1x1x784x40> | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1600x120>>, shape: #ttnn.shape<1x1x1600x120> | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1600x40>>, shape: #ttnn.shape<1x1x1600x40> | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x46>>, shape: #ttnn.shape<1x1x784x46> | tensor<[1,1,784,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x1248>>, shape: #ttnn.shape<1x1x81x1248> | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x1248>>, shape: #ttnn.shape<1x1x81x1248> | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x208>>, shape: #ttnn.shape<1x1x81x208> | tensor<[1,1,81,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x352>>, shape: #ttnn.shape<1x1x81x352> | tensor<[1,1,81,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 352, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1280>>, shape: #ttnn.shape<1x1x64x1280> | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1200x1280>>, shape: #ttnn.shape<1x1x1200x1280> | tensor<[1,1,1200,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1200x2>>, shape: #ttnn.shape<1x1280x30x40> | tensor<[1,1280,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x1280>>, shape: #ttnn.shape<1x1x1024x1280> | tensor<[1,1,1024,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x1280x32x32> | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1280>>, shape: #ttnn.shape<1x1x64x1280> | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1280>>, shape: #ttnn.shape<1x1x64x1280> | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x128>>, shape: #ttnn.shape<1x1x12544x128> | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x4>>, shape: #ttnn.shape<1x128x112x112> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x128>>, shape: #ttnn.shape<1x1x12544x128> | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<19200x64>>, shape: #ttnn.shape<1x1x19200x64> | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x128>>, shape: #ttnn.shape<1x1x16384x128> | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x128x128x128> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x256>>, shape: #ttnn.shape<1x1x4096x256> | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x64>>, shape: #ttnn.shape<1x1x16384x64> | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x64>>, shape: #ttnn.shape<1x1x16384x64> | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x32>>, shape: #ttnn.shape<1x1x196x32> | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x128>>, shape: #ttnn.shape<1x1x22500x128> | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x128>>, shape: #ttnn.shape<1x1x22500x128> | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x128>>, shape: #ttnn.shape<1x1x5625x128> | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x128>>, shape: #ttnn.shape<1x1x14400x128> | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x1x128> | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x1x24> | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24x1x1> | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x546>>, shape: #ttnn.shape<1x1x1x546> | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x546x1x1> | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x64>>, shape: #ttnn.shape<1x1x50176x64> | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x16>>, shape: #ttnn.shape<1x1x784x16> | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x192>>, shape: #ttnn.shape<1x1x784x192> | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x19>>, shape: #ttnn.shape<1x1x784x19> | tensor<[1,1,784,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<17x1>>, shape: #ttnn.shape<1x19x28x28> | tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x32>>, shape: #ttnn.shape<1x1x784x32> | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x38>>, shape: #ttnn.shape<1x1x784x38> | tensor<[1,1,784,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<34x1>>, shape: #ttnn.shape<1x38x28x28> | tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x256>>, shape: #ttnn.shape<1x1x4x256> | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1200x64>>, shape: #ttnn.shape<1x1x1200x64> | tensor<[1,1,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<1x1x1024x128> | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<1x1x1024x128> | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x256>>, shape: #ttnn.shape<1x1x1024x256> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x128>>, shape: #ttnn.shape<1x1x4x128> | tensor<[1,1,4,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x256>>, shape: #ttnn.shape<1x1x9x256> | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x32>>, shape: #ttnn.shape<1x1x3136x32> | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x128>>, shape: #ttnn.shape<1x1x9x128> | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<300x128>>, shape: #ttnn.shape<1x1x300x128> | tensor<[1,1,300,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x1>>, shape: #ttnn.shape<1x128x15x20> | tensor<[1,128,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 15 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1200x320>>, shape: #ttnn.shape<1x1x1200x320> | tensor<[1,1,1200,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x2>>, shape: #ttnn.shape<1x320x30x40> | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4800x64>>, shape: #ttnn.shape<1x1x4800x64> | tensor<[1,1,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4800x64>>, shape: #ttnn.shape<1x1x4800x64> | tensor<[1,1,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x128>>, shape: #ttnn.shape<1x1x4096x128> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x128>>, shape: #ttnn.shape<1x1x4096x128> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<1x1x1024x128> | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x255>>, shape: #ttnn.shape<1x1x4096x255> | tensor<[1,1,4096,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<510x2>>, shape: #ttnn.shape<1x255x64x64> | tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x256>>, shape: #ttnn.shape<1x1x4096x256> | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x256>>, shape: #ttnn.shape<1x1x1024x256> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x64>>, shape: #ttnn.shape<1x1x4096x64> | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x128>>, shape: #ttnn.shape<1x1x5625x128> | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x128>>, shape: #ttnn.shape<1x1x5625x128> | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x256>>, shape: #ttnn.shape<1x1x5625x256> | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x32>>, shape: #ttnn.shape<1x1x49x32> | tensor<[1,1,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x128>>, shape: #ttnn.shape<1x1x14400x128> | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x512>>, shape: #ttnn.shape<1x1x14400x512> | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x12>>, shape: #ttnn.shape<1x1x3136x12> | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1344>>, shape: #ttnn.shape<1x1x196x1344> | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1344>>, shape: #ttnn.shape<1x1x196x1344> | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x2520>>, shape: #ttnn.shape<1x1x196x2520> | tensor<[1,1,196,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2520, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2520>>, shape: #ttnn.shape<1x1x49x2520> | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1344>>, shape: #ttnn.shape<1x1x196x1344> | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x816>>, shape: #ttnn.shape<1x1x361x816> | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1392>>, shape: #ttnn.shape<1x1x100x1392> | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1392>>, shape: #ttnn.shape<1x1x100x1392> | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x232>>, shape: #ttnn.shape<1x1x100x232> | tensor<[1,1,100,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x384>>, shape: #ttnn.shape<1x1x100x384> | tensor<[1,1,100,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1392>>, shape: #ttnn.shape<1x1x196x1392> | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1392>>, shape: #ttnn.shape<1x1x196x1392> | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x3712>>, shape: #ttnn.shape<1x1x196x3712> | tensor<[1,1,196,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 3712, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x3712>>, shape: #ttnn.shape<1x1x49x3712> | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x174>>, shape: #ttnn.shape<1x1x1x174> | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x174x1x1> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x348>>, shape: #ttnn.shape<1x1x1x348> | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x348x1x1> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1392>>, shape: #ttnn.shape<1x1x196x1392> | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x68>>, shape: #ttnn.shape<1x1x3136x68> | tensor<[1,1,3136,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 68, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x288>>, shape: #ttnn.shape<1x1x196x288> | tensor<[1,1,196,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 288, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x144>>, shape: #ttnn.shape<1x1x5625x144> | tensor<[1,1,5625,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9025x144>>, shape: #ttnn.shape<1x1x9025x144> | tensor<[1,1,9025,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x28>>, shape: #ttnn.shape<1x1x784x28> | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x32>>, shape: #ttnn.shape<1x1x784x32> | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x40>>, shape: #ttnn.shape<1x1x784x40> | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<900x40>>, shape: #ttnn.shape<1x1x900x40> | tensor<[1,1,900,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1089x48>>, shape: #ttnn.shape<1x1x1089x48> | tensor<[1,1,1089,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x144>>, shape: #ttnn.shape<1x1x3136x144> | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x144>>, shape: #ttnn.shape<1x1x784x144> | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x24>>, shape: #ttnn.shape<1x1x3136x24> | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x144>>, shape: #ttnn.shape<1x1x784x144> | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x144>>, shape: #ttnn.shape<1x1x3600x144> | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x24>>, shape: #ttnn.shape<1x1x3600x24> | tensor<[1,1,3600,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<900x144>>, shape: #ttnn.shape<1x1x900x144> | tensor<[1,1,900,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4225x144>>, shape: #ttnn.shape<1x1x4225x144> | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4225x24>>, shape: #ttnn.shape<1x1x4225x24> | tensor<[1,1,4225,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1089x144>>, shape: #ttnn.shape<1x1x1089x144> | tensor<[1,1,1089,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x32>>, shape: #ttnn.shape<1x1x5625x32> | tensor<[1,1,5625,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x144>>, shape: #ttnn.shape<1x1x49x144> | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x18>>, shape: #ttnn.shape<1x1x49x18> | tensor<[1,1,49,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 18, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x256>>, shape: #ttnn.shape<1x1x49x256> | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x36>>, shape: #ttnn.shape<1x1x49x36> | tensor<[1,1,49,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x72>>, shape: #ttnn.shape<1x1x49x72> | tensor<[1,1,49,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9025x32>>, shape: #ttnn.shape<1x1x9025x32> | tensor<[1,1,9025,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x58>>, shape: #ttnn.shape<1x1x784x58> | tensor<[1,1,784,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1536>>, shape: #ttnn.shape<1x1x100x1536> | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1536>>, shape: #ttnn.shape<1x1x100x1536> | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x2048>>, shape: #ttnn.shape<1x1x100x2048> | tensor<[1,1,100,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x256>>, shape: #ttnn.shape<1x1x64x256> | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x384>>, shape: #ttnn.shape<1x1x64x384> | tensor<[1,1,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x68>>, shape: #ttnn.shape<1x1x196x68> | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x320>>, shape: #ttnn.shape<1x1x196x320> | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x960>>, shape: #ttnn.shape<1x1x576x960> | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x160>>, shape: #ttnn.shape<1x1x784x160> | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x160>>, shape: #ttnn.shape<1x1x784x160> | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x160>>, shape: #ttnn.shape<1x1x256x160> | tensor<[1,1,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x160x16x16> | tensor<[1,160,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 16 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x256>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x256x16x16> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x960>>, shape: #ttnn.shape<1x1x9x960> | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5329x64>>, shape: #ttnn.shape<1x1x5329x64> | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x320>>, shape: #ttnn.shape<1x1x49x320> | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x480>>, shape: #ttnn.shape<1x1x49x480> | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x960>>, shape: #ttnn.shape<1x1x49x960> | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1632>>, shape: #ttnn.shape<1x1x144x1632> | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1632>>, shape: #ttnn.shape<1x1x144x1632> | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x272>>, shape: #ttnn.shape<1x1x144x272> | tensor<[1,1,144,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x448>>, shape: #ttnn.shape<1x1x144x448> | tensor<[1,1,144,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 448, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x672>>, shape: #ttnn.shape<1x1x1x672> | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x16>>, shape: #ttnn.shape<1x1x12544x16> | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x16>>, shape: #ttnn.shape<1x1x12544x16> | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x16>>, shape: #ttnn.shape<1x1x3136x16> | tensor<[1,1,3136,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x24>>, shape: #ttnn.shape<1x1x12544x24> | tensor<[1,1,12544,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x64>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x8>>, shape: #ttnn.shape<1x1x12544x8> | tensor<[1,1,12544,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x96>>, shape: #ttnn.shape<1x1x12544x96> | tensor<[1,1,12544,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x96>>, shape: #ttnn.shape<1x1x14400x96> | tensor<[1,1,14400,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16900x96>>, shape: #ttnn.shape<1x1x16900x96> | tensor<[1,1,16900,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x48>>, shape: #ttnn.shape<1x1x196x48> | tensor<[1,1,196,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 48, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x4>>, shape: #ttnn.shape<1x1x196x4> | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x4x14x14> | tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25600x16>>, shape: #ttnn.shape<1x1x25600x16> | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25600x16>>, shape: #ttnn.shape<1x1x25600x16> | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25600x64>>, shape: #ttnn.shape<1x1x25600x64> | tensor<[1,1,25600,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x16>>, shape: #ttnn.shape<1x1x50176x16> | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x32>>, shape: #ttnn.shape<1x1x12544x32> | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x32>>, shape: #ttnn.shape<1x1x784x32> | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x24>>, shape: #ttnn.shape<1x1x3136x24> | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x46>>, shape: #ttnn.shape<1x1x784x46> | tensor<[1,1,784,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1392>>, shape: #ttnn.shape<1x1x1x1392> | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x1392x1x1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x696>>, shape: #ttnn.shape<1x1x1x696> | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<22x1>>, shape: #ttnn.shape<1x696x1x1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x896>>, shape: #ttnn.shape<1x1x196x896> | tensor<[1,1,196,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 896, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x184>>, shape: #ttnn.shape<1x1x196x184> | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x80>>, shape: #ttnn.shape<1x1x196x80> | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x184>>, shape: #ttnn.shape<1x1x400x184> | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x80>>, shape: #ttnn.shape<1x1x400x80> | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x184>>, shape: #ttnn.shape<1x1x49x184> | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x184>>, shape: #ttnn.shape<1x1x49x184> | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x144>>, shape: #ttnn.shape<1x1x49x144> | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x18>>, shape: #ttnn.shape<1x1x196x18> | tensor<[1,1,196,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x72>>, shape: #ttnn.shape<1x1x196x72> | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x18>>, shape: #ttnn.shape<1x1x3136x18> | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x18>>, shape: #ttnn.shape<1x1x784x18> | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x32>>, shape: #ttnn.shape<1x1x3136x32> | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x36>>, shape: #ttnn.shape<1x1x784x36> | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x192>>, shape: #ttnn.shape<1x1x196x192> | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x192>>, shape: #ttnn.shape<1x1x196x192> | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x64>>, shape: #ttnn.shape<1x1x196x64> | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x192>>, shape: #ttnn.shape<1x1x64x192> | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x192>>, shape: #ttnn.shape<1x1x289x192> | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x224>>, shape: #ttnn.shape<1x1x289x224> | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x16>>, shape: #ttnn.shape<1x1x784x16> | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x192>>, shape: #ttnn.shape<1x1x784x192> | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x192>>, shape: #ttnn.shape<1x1x196x192> | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x32>>, shape: #ttnn.shape<1x1x784x32> | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x64>>, shape: #ttnn.shape<1x1x784x64> | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x96>>, shape: #ttnn.shape<1x1x784x96> | tensor<[1,1,784,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1225x224>>, shape: #ttnn.shape<1x1x1225x224> | tensor<[1,1,1225,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x48>>, shape: #ttnn.shape<1x1x1444x48> | tensor<[1,1,1444,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2304x56>>, shape: #ttnn.shape<1x1x2304x56> | tensor<[1,1,2304,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1225x192>>, shape: #ttnn.shape<1x1x1225x192> | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x192>>, shape: #ttnn.shape<1x1x5625x192> | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x32>>, shape: #ttnn.shape<1x1x5625x32> | tensor<[1,1,5625,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x192>>, shape: #ttnn.shape<1x1x1444x192> | tensor<[1,1,1444,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1152>>, shape: #ttnn.shape<1x1x49x1152> | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x384>>, shape: #ttnn.shape<1x1x49x384> | tensor<[1,1,49,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1152>>, shape: #ttnn.shape<1x1x64x1152> | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9025x192>>, shape: #ttnn.shape<1x1x9025x192> | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9025x32>>, shape: #ttnn.shape<1x1x9025x32> | tensor<[1,1,9025,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2304x192>>, shape: #ttnn.shape<1x1x2304x192> | tensor<[1,1,2304,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x16>>, shape: #ttnn.shape<1x1x784x16> | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x16x28x28> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<676x32>>, shape: #ttnn.shape<1x1x676x32> | tensor<[1,1,676,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (676, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<26x1>>, shape: #ttnn.shape<1x32x26x26> | tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x200>>, shape: #ttnn.shape<1x1x196x200> | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x80>>, shape: #ttnn.shape<1x1x196x80> | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x200>>, shape: #ttnn.shape<1x1x400x200> | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x80>>, shape: #ttnn.shape<1x1x400x80> | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x200>>, shape: #ttnn.shape<1x1x49x200> | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x200>>, shape: #ttnn.shape<1x1x49x200> | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2048>>, shape: #ttnn.shape<1x1x49x2048> | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<300x2048>>, shape: #ttnn.shape<1x1x300x2048> | tensor<[1,1,300,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x2048x15x20> | tensor<[1,2048,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<920x256>>, shape: #ttnn.shape<1x1x920x256> | tensor<[1,1,920,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<184x2>>, shape: #ttnn.shape<1x256x23x40> | tensor<[1,256,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5888 + d1 * 23 + d2, d3), memory_config: (184, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<920x512>>, shape: #ttnn.shape<1x1x920x512> | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2048>>, shape: #ttnn.shape<1x1x49x2048> | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2048>>, shape: #ttnn.shape<1x1x49x2048> | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x1248>>, shape: #ttnn.shape<1x1x81x1248> | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x72>>, shape: #ttnn.shape<1x1x1x72> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x72x1x1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x20>>, shape: #ttnn.shape<1x1x784x20> | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x78>>, shape: #ttnn.shape<1x1x784x78> | tensor<[1,1,784,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 78, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x224>>, shape: #ttnn.shape<1x1x289x224> | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x256>>, shape: #ttnn.shape<1x1x289x256> | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x256>>, shape: #ttnn.shape<1x1x289x256> | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x256>>, shape: #ttnn.shape<1x1x289x256> | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x224>>, shape: #ttnn.shape<1x1x49x224> | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x224>>, shape: #ttnn.shape<1x1x49x224> | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1392>>, shape: #ttnn.shape<1x1x100x1392> | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x232>>, shape: #ttnn.shape<1x1x3136x232> | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x58>>, shape: #ttnn.shape<1x1x1x58> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x58x1x1> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<1x1x1x8> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x1> | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x232>>, shape: #ttnn.shape<1x1x3136x232> | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x232>>, shape: #ttnn.shape<1x1x3136x232> | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x696>>, shape: #ttnn.shape<1x1x3136x696> | tensor<[1,1,3136,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 696, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x696>>, shape: #ttnn.shape<1x1x784x696> | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x68>>, shape: #ttnn.shape<1x1x196x68> | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x240>>, shape: #ttnn.shape<1x1x196x240> | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x240>>, shape: #ttnn.shape<1x1x196x240> | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x240>>, shape: #ttnn.shape<1x1x196x240> | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x80>>, shape: #ttnn.shape<1x1x196x80> | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x80>>, shape: #ttnn.shape<1x1x225x80> | tensor<[1,1,225,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x960>>, shape: #ttnn.shape<1x1x1x960> | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x960x1x1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x80>>, shape: #ttnn.shape<1x1x400x80> | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x240>>, shape: #ttnn.shape<1x1x196x240> | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x240>>, shape: #ttnn.shape<1x1x784x240> | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x40>>, shape: #ttnn.shape<1x1x784x40> | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x240>>, shape: #ttnn.shape<1x1x196x240> | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<900x240>>, shape: #ttnn.shape<1x1x900x240> | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<900x40>>, shape: #ttnn.shape<1x1x900x40> | tensor<[1,1,900,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x240>>, shape: #ttnn.shape<1x1x225x240> | tensor<[1,1,225,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x240>>, shape: #ttnn.shape<1x1x400x240> | tensor<[1,1,400,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x24>>, shape: #ttnn.shape<1x1x12544x24> | tensor<[1,1,12544,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x64>>, shape: #ttnn.shape<1x1x196x64> | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x144>>, shape: #ttnn.shape<1x1x22500x144> | tensor<[1,1,22500,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<36100x144>>, shape: #ttnn.shape<1x1x36100x144> | tensor<[1,1,36100,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x72>>, shape: #ttnn.shape<1x1x1x72> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x72x1x1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x40>>, shape: #ttnn.shape<1x1x784x40> | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x72>>, shape: #ttnn.shape<1x1x784x72> | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x144>>, shape: #ttnn.shape<1x1x3136x144> | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x14>>, shape: #ttnn.shape<1x1x3136x14> | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x24>>, shape: #ttnn.shape<1x1x784x24> | tensor<[1,1,784,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x36>>, shape: #ttnn.shape<1x1x3136x36> | tensor<[1,1,3136,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x72>>, shape: #ttnn.shape<1x1x3136x72> | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x144>>, shape: #ttnn.shape<1x1x3600x144> | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4225x144>>, shape: #ttnn.shape<1x1x4225x144> | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6400x72>>, shape: #ttnn.shape<1x1x6400x72> | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2520>>, shape: #ttnn.shape<1x1x49x2520> | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2520>>, shape: #ttnn.shape<1x1x49x2520> | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1280>>, shape: #ttnn.shape<1x1x64x1280> | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1280>>, shape: #ttnn.shape<1x1x64x1280> | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x256>>, shape: #ttnn.shape<1x1x25x256> | tensor<[1,1,25,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x128>>, shape: #ttnn.shape<1x1x12544x128> | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<19200x256>>, shape: #ttnn.shape<1x1x19200x256> | tensor<[1,1,19200,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x5>>, shape: #ttnn.shape<1x256x120x160> | tensor<[1,256,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x150>>, shape: #ttnn.shape<1x1x16384x150> | tensor<[1,1,16384,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 150, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x4>>, shape: #ttnn.shape<1x150x128x128> | tensor<[1,150,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 128 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x256>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x256>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x512>>, shape: #ttnn.shape<1x1x256x512> | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x256>>, shape: #ttnn.shape<1x1x289x256> | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x320>>, shape: #ttnn.shape<1x1x289x320> | tensor<[1,1,289,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<57600x128>>, shape: #ttnn.shape<1x1x57600x128> | tensor<[1,1,57600,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x512>>, shape: #ttnn.shape<1x1x14400x512> | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<57600x64>>, shape: #ttnn.shape<1x1x57600x64> | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x1x1x256> | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1x1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x160>>, shape: #ttnn.shape<1x1x784x160> | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x20>>, shape: #ttnn.shape<1x1x784x20> | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x32>>, shape: #ttnn.shape<1x1x784x32> | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x64>>, shape: #ttnn.shape<1x1x784x64> | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x24>>, shape: #ttnn.shape<1x1x4x24> | tensor<[1,1,4,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x24x2x2> | tensor<[1,24,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 2 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x256>>, shape: #ttnn.shape<1x1x4x256> | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x546>>, shape: #ttnn.shape<1x1x4x546> | tensor<[1,1,4,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x546x2x2> | tensor<[1,546,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 2 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x64>>, shape: #ttnn.shape<1x1x4x64> | tensor<[1,1,4,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<1x1x1024x128> | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x255>>, shape: #ttnn.shape<1x1x1024x255> | tensor<[1,1,1024,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<255x1>>, shape: #ttnn.shape<1x255x32x32> | tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x256>>, shape: #ttnn.shape<1x1x1024x256> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x256>>, shape: #ttnn.shape<1x1x1024x256> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x256>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x512>>, shape: #ttnn.shape<1x1x1024x512> | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x512>>, shape: #ttnn.shape<1x1x256x512> | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x256>>, shape: #ttnn.shape<1x1x1444x256> | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x256>>, shape: #ttnn.shape<1x1x1444x256> | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x728>>, shape: #ttnn.shape<1x1x1444x728> | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x128>>, shape: #ttnn.shape<1x1x9x128> | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x1x9x24> | tensor<[1,1,9,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x24x3x3> | tensor<[1,24,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x256>>, shape: #ttnn.shape<1x1x9x256> | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x546>>, shape: #ttnn.shape<1x1x9x546> | tensor<[1,1,9,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<52x1>>, shape: #ttnn.shape<1x546x3x3> | tensor<[1,546,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1638 + d1 * 3 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x1024>>, shape: #ttnn.shape<1x1x3600x1024> | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x256>>, shape: #ttnn.shape<1x1x3600x256> | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<512x1024>>, shape: #ttnn.shape<1x1x512x1024> | tensor<[1,1,512,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x16>>, shape: #ttnn.shape<1x1024x512> | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x18>>, shape: #ttnn.shape<1x1x3136x18> | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x36>>, shape: #ttnn.shape<1x1x784x36> | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x512>>, shape: #ttnn.shape<1x1x3136x512> | tensor<[1,1,3136,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x512>>, shape: #ttnn.shape<1x1x25x512> | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x128>>, shape: #ttnn.shape<1x1x4096x128> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x128>>, shape: #ttnn.shape<1x1x4096x128> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x255>>, shape: #ttnn.shape<1x1x4096x255> | tensor<[1,1,4096,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<510x2>>, shape: #ttnn.shape<1x255x64x64> | tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x256>>, shape: #ttnn.shape<1x1x4096x256> | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x2>>, shape: #ttnn.shape<1x256x64x64> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x512>>, shape: #ttnn.shape<1x1x1024x512> | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x64>>, shape: #ttnn.shape<1x1x4096x64> | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x256>>, shape: #ttnn.shape<1x1x5625x256> | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x256>>, shape: #ttnn.shape<1x1x1444x256> | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x256>>, shape: #ttnn.shape<1x1x5625x256> | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x256>>, shape: #ttnn.shape<1x1x1444x256> | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x256>>, shape: #ttnn.shape<1x1x49x256> | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x256>>, shape: #ttnn.shape<1x1x3600x256> | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1632>>, shape: #ttnn.shape<1x1x144x1632> | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x160>>, shape: #ttnn.shape<1x1x49x160> | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x34>>, shape: #ttnn.shape<1x1x784x34> | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x88>>, shape: #ttnn.shape<1x1x289x88> | tensor<[1,1,289,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x96>>, shape: #ttnn.shape<1x1x361x96> | tensor<[1,1,361,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1089x288>>, shape: #ttnn.shape<1x1x1089x288> | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1089x48>>, shape: #ttnn.shape<1x1x1089x48> | tensor<[1,1,1089,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x288>>, shape: #ttnn.shape<1x1x289x288> | tensor<[1,1,289,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 288, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x288>>, shape: #ttnn.shape<1x1x1444x288> | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x48>>, shape: #ttnn.shape<1x1x1444x48> | tensor<[1,1,1444,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x288>>, shape: #ttnn.shape<1x1x361x288> | tensor<[1,1,361,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 288, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x16>>, shape: #ttnn.shape<1x1x784x16> | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x134>>, shape: #ttnn.shape<1x1x784x134> | tensor<[1,1,784,134,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 134, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x116>>, shape: #ttnn.shape<1x1x196x116> | tensor<[1,1,196,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<13x3072>>, shape: #ttnn.shape<1x1x13x3072> | tensor<[1,1,13,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (13, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14x3072>>, shape: #ttnn.shape<1x1x14x3072> | tensor<[1,1,14,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (14, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<15x3072>>, shape: #ttnn.shape<1x1x15x3072> | tensor<[1,1,15,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (15, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16x3072>>, shape: #ttnn.shape<1x1x16x3072> | tensor<[1,1,16,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (16, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x16> | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<17x3072>>, shape: #ttnn.shape<1x1x17x3072> | tensor<[1,1,17,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (17, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x17> | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<18x3072>>, shape: #ttnn.shape<1x1x18x3072> | tensor<[1,1,18,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (18, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x18> | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x3072>>, shape: #ttnn.shape<1x1x9x3072> | tensor<[1,1,9,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (9, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<10x3072>>, shape: #ttnn.shape<1x1x10x3072> | tensor<[1,1,10,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (10, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<11x3072>>, shape: #ttnn.shape<1x1x11x3072> | tensor<[1,1,11,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (11, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x768>>, shape: #ttnn.shape<1x1x8x768> | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x768x8> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12x3072>>, shape: #ttnn.shape<1x1x12x3072> | tensor<[1,1,12,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x58>>, shape: #ttnn.shape<1x1x784x58> | tensor<[1,1,784,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x320>>, shape: #ttnn.shape<1x1x64x320> | tensor<[1,1,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<300x320>>, shape: #ttnn.shape<1x1x300x320> | tensor<[1,1,300,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x320x15x20> | tensor<[1,320,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 15 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<300x512>>, shape: #ttnn.shape<1x1x300x512> | tensor<[1,1,300,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x1>>, shape: #ttnn.shape<1x512x15x20> | tensor<[1,512,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1200x64>>, shape: #ttnn.shape<1x1x1200x64> | tensor<[1,1,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x320>>, shape: #ttnn.shape<1x1x4096x320> | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x320>>, shape: #ttnn.shape<1x1x4096x320> | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x320>>, shape: #ttnn.shape<1x1x1024x320> | tensor<[1,1,1024,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x320x32x32> | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x4>>, shape: #ttnn.shape<1x1x4096x4> | tensor<[1,1,4096,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x4x64x64> | tensor<[1,4,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 64 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1280>>, shape: #ttnn.shape<1x1x49x1280> | tensor<[1,1,49,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x1280>>, shape: #ttnn.shape<1x1x64x1280> | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x320>>, shape: #ttnn.shape<1x1x784x320> | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x16>>, shape: #ttnn.shape<1x1x12544x16> | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x232>>, shape: #ttnn.shape<1x1x12544x232> | tensor<[1,1,12544,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x232>>, shape: #ttnn.shape<1x1x3136x232> | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x32>>, shape: #ttnn.shape<1x1x12544x32> | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x336>>, shape: #ttnn.shape<1x1x12544x336> | tensor<[1,1,12544,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x336>>, shape: #ttnn.shape<1x1x3136x336> | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x64>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x64>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x16>>, shape: #ttnn.shape<1x1x14400x16> | tensor<[1,1,14400,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x32>>, shape: #ttnn.shape<1x1x14400x32> | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<19200x2>>, shape: #ttnn.shape<1x1x19200x2> | tensor<[1,1,19200,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<1x2x120x160> | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x32>>, shape: #ttnn.shape<1x1x16384x32> | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x32>>, shape: #ttnn.shape<1x1x16384x32> | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x32>>, shape: #ttnn.shape<1x1x256x32> | tensor<[1,1,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x32x16x16> | tensor<[1,32,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x64>>, shape: #ttnn.shape<1x1x4096x64> | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x64x64x64> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x64>>, shape: #ttnn.shape<1x1x16384x64> | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16900x16>>, shape: #ttnn.shape<1x1x16900x16> | tensor<[1,1,16900,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16900x32>>, shape: #ttnn.shape<1x1x16900x32> | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<21609x64>>, shape: #ttnn.shape<1x1x21609x64> | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<21609x32>>, shape: #ttnn.shape<1x1x21609x32> | tensor<[1,1,21609,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x64>>, shape: #ttnn.shape<1x1x196x64> | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x24>>, shape: #ttnn.shape<1x1x22500x24> | tensor<[1,1,22500,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x32>>, shape: #ttnn.shape<1x1x22500x32> | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x64>>, shape: #ttnn.shape<1x1x22500x64> | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<36100x24>>, shape: #ttnn.shape<1x1x36100x24> | tensor<[1,1,36100,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<36100x32>>, shape: #ttnn.shape<1x1x36100x32> | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x120>>, shape: #ttnn.shape<1x1x1x120> | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x120x1x1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x1>>, shape: #ttnn.shape<1x1x65536x1> | tensor<[1,1,65536,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x32>>, shape: #ttnn.shape<1x1x65536x32> | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x64>>, shape: #ttnn.shape<1x1x65536x64> | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x64>>, shape: #ttnn.shape<1x1x16384x64> | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x64>>, shape: #ttnn.shape<1x1x576x64> | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x64x24x24> | tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x192>>, shape: #ttnn.shape<1x1x784x192> | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x96>>, shape: #ttnn.shape<1x1x784x96> | tensor<[1,1,784,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1200x2>>, shape: #ttnn.shape<1x1x1200x2> | tensor<[1,1,1200,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x2x30x40> | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x64>>, shape: #ttnn.shape<1x1x65536x64> | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x32>>, shape: #ttnn.shape<1x1x3136x32> | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4800x2>>, shape: #ttnn.shape<1x1x4800x2> | tensor<[1,1,4800,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<1x2x60x80> | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x192>>, shape: #ttnn.shape<1x1x5625x192> | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9025x192>>, shape: #ttnn.shape<1x1x9025x192> | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x336>>, shape: #ttnn.shape<1x1x3136x336> | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x336>>, shape: #ttnn.shape<1x1x196x336> | tensor<[1,1,196,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x112>>, shape: #ttnn.shape<1x1x576x112> | tensor<[1,1,576,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2304x336>>, shape: #ttnn.shape<1x1x2304x336> | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2304x56>>, shape: #ttnn.shape<1x1x2304x56> | tensor<[1,1,2304,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x336>>, shape: #ttnn.shape<1x1x576x336> | tensor<[1,1,576,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x336>>, shape: #ttnn.shape<1x1x3136x336> | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x336>>, shape: #ttnn.shape<1x1x3136x336> | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x672>>, shape: #ttnn.shape<1x1x3136x672> | tensor<[1,1,3136,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x672>>, shape: #ttnn.shape<1x1x784x672> | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1392>>, shape: #ttnn.shape<1x1x1x1392> | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x1392x1x1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x3712>>, shape: #ttnn.shape<1x1x1x3712> | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3712, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<116x1>>, shape: #ttnn.shape<1x3712x1x1> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x20>>, shape: #ttnn.shape<1x1x784x20> | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x1280>>, shape: #ttnn.shape<1x1x81x1280> | tensor<[1,1,81,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x68>>, shape: #ttnn.shape<1x1x196x68> | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x98>>, shape: #ttnn.shape<1x1x784x98> | tensor<[1,1,784,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 98, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x144>>, shape: #ttnn.shape<1x1x49x144> | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x18>>, shape: #ttnn.shape<1x1x784x18> | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x36>>, shape: #ttnn.shape<1x1x784x36> | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x36>>, shape: #ttnn.shape<1x1x196x36> | tensor<[1,1,196,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x64>>, shape: #ttnn.shape<1x1x784x64> | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x72>>, shape: #ttnn.shape<1x1x196x72> | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x36>>, shape: #ttnn.shape<1x1x3136x36> | tensor<[1,1,3136,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x3712>>, shape: #ttnn.shape<1x1x49x3712> | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x348>>, shape: #ttnn.shape<1x1x1x348> | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x348x1x1> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x3712>>, shape: #ttnn.shape<1x1x49x3712> | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1280>>, shape: #ttnn.shape<1x1x100x1280> | tensor<[1,1,100,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x384>>, shape: #ttnn.shape<1x1x196x384> | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x64>>, shape: #ttnn.shape<1x1x196x64> | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x96>>, shape: #ttnn.shape<1x1x196x96> | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1225x192>>, shape: #ttnn.shape<1x1x1225x192> | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x384>>, shape: #ttnn.shape<1x1x289x384> | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1225x64>>, shape: #ttnn.shape<1x1x1225x64> | tensor<[1,1,1225,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1225x96>>, shape: #ttnn.shape<1x1x1225x96> | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x128>>, shape: #ttnn.shape<1x1x4096x128> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x256>>, shape: #ttnn.shape<1x1x64x256> | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x256>>, shape: #ttnn.shape<1x1x64x256> | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x448>>, shape: #ttnn.shape<1x1x64x448> | tensor<[1,1,64,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 448, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x192>>, shape: #ttnn.shape<1x1x65536x192> | tensor<[1,1,65536,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1536x8>>, shape: #ttnn.shape<1x192x256x256> | tensor<[1,192,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x1024x14x14> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x16>>, shape: #ttnn.shape<1x1x12544x16> | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x16>>, shape: #ttnn.shape<1x1x50176x16> | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x32>>, shape: #ttnn.shape<1x1x12544x32> | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x64>>, shape: #ttnn.shape<1x1x50176x64> | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x7>>, shape: #ttnn.shape<1x64x224x224> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x64>>, shape: #ttnn.shape<1x1x50176x64> | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x64>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x64>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x768>>, shape: #ttnn.shape<1x1x196x768> | tensor<[1,1,196,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x768x14x14> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x768>>, shape: #ttnn.shape<1x1x49x768> | tensor<[1,1,49,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x32>>, shape: #ttnn.shape<1x1x12544x32> | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x32>>, shape: #ttnn.shape<1x1x14400x32> | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x32>>, shape: #ttnn.shape<1x1x65536x32> | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16900x32>>, shape: #ttnn.shape<1x1x16900x32> | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22201x32>>, shape: #ttnn.shape<1x1x22201x32> | tensor<[1,1,22201,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (22201, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x32>>, shape: #ttnn.shape<1x1x22500x32> | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x32>>, shape: #ttnn.shape<1x1x22500x32> | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25600x16>>, shape: #ttnn.shape<1x1x25600x16> | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x768>>, shape: #ttnn.shape<1x1x256x768> | tensor<[1,1,256,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<192x1>>, shape: #ttnn.shape<1x768x8x32> | tensor<[1,768,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<36100x32>>, shape: #ttnn.shape<1x1x36100x32> | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<192x768>>, shape: #ttnn.shape<1x1x192x768> | tensor<[1,1,192,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (192, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x1>>, shape: #ttnn.shape<1x768x12x16> | tensor<[1,768,12,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 12 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<19200x64>>, shape: #ttnn.shape<1x1x19200x64> | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x192>>, shape: #ttnn.shape<1x1x16384x192> | tensor<[1,1,16384,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x4>>, shape: #ttnn.shape<1x192x128x128> | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<262144x32>>, shape: #ttnn.shape<1x1x262144x32> | tensor<[1,1,262144,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (262144, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x32>>, shape: #ttnn.shape<1x1x65536x32> | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x32>>, shape: #ttnn.shape<1x1x16384x32> | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x4>>, shape: #ttnn.shape<1x32x128x128> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1344x192>>, shape: #ttnn.shape<1x1x1344x192> | tensor<[1,1,1344,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (1344, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<192x2>>, shape: #ttnn.shape<1x192x32x42> | tensor<[1,192,32,42,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 32 + d2, d3), memory_config: (192, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1369x1280>>, shape: #ttnn.shape<1x1x1369x1280> | tensor<[1,1,1369,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (1369, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1480x2>>, shape: #ttnn.shape<1x1280x37x37> | tensor<[1,1280,37,37,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47360 + d1 * 37 + d2, d3), memory_config: (1480, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<230400x64>>, shape: #ttnn.shape<1x1x230400x64> | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x120>>, shape: #ttnn.shape<1x1x196x120> | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x240>>, shape: #ttnn.shape<1x1x196x240> | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x80>>, shape: #ttnn.shape<1x1x196x80> | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x120>>, shape: #ttnn.shape<1x1x784x120> | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x240>>, shape: #ttnn.shape<1x1x784x240> | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x60>>, shape: #ttnn.shape<1x1x784x60> | tensor<[1,1,784,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<900x240>>, shape: #ttnn.shape<1x1x900x240> | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1600x120>>, shape: #ttnn.shape<1x1x1600x120> | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1600x240>>, shape: #ttnn.shape<1x1x1600x240> | tensor<[1,1,1600,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x14>>, shape: #ttnn.shape<1x1x3136x14> | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x116>>, shape: #ttnn.shape<1x1x196x116> | tensor<[1,1,196,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1280>>, shape: #ttnn.shape<1x1x144x1280> | tensor<[1,1,144,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x512>>, shape: #ttnn.shape<1x1x64x512> | tensor<[1,1,64,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x168>>, shape: #ttnn.shape<1x1x784x168> | tensor<[1,1,784,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 168, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x16>>, shape: #ttnn.shape<1x1x784x16> | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x24>>, shape: #ttnn.shape<1x1x100x24> | tensor<[1,1,100,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x24x10x10> | tensor<[1,24,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 10 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x256>>, shape: #ttnn.shape<1x1x100x256> | tensor<[1,1,100,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x480>>, shape: #ttnn.shape<1x1x100x480> | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x480>>, shape: #ttnn.shape<1x1x100x480> | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x546>>, shape: #ttnn.shape<1x1x100x546> | tensor<[1,1,100,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<171x1>>, shape: #ttnn.shape<1x546x10x10> | tensor<[1,546,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5460 + d1 * 10 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x80>>, shape: #ttnn.shape<1x1x100x80> | tensor<[1,1,100,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x112>>, shape: #ttnn.shape<1x1x196x112> | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x16>>, shape: #ttnn.shape<1x1x196x16> | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x192>>, shape: #ttnn.shape<1x1x196x192> | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x480>>, shape: #ttnn.shape<1x1x196x480> | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x480>>, shape: #ttnn.shape<1x1x196x480> | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x56>>, shape: #ttnn.shape<1x1x196x56> | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x64>>, shape: #ttnn.shape<1x1x196x64> | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x80>>, shape: #ttnn.shape<1x1x196x80> | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x96>>, shape: #ttnn.shape<1x1x196x96> | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x112>>, shape: #ttnn.shape<1x1x225x112> | tensor<[1,1,225,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x480>>, shape: #ttnn.shape<1x1x225x480> | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x480>>, shape: #ttnn.shape<1x1x225x480> | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x80>>, shape: #ttnn.shape<1x1x225x80> | tensor<[1,1,225,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x120>>, shape: #ttnn.shape<1x1x1x120> | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x120x1x1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x112>>, shape: #ttnn.shape<1x1x400x112> | tensor<[1,1,400,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x480>>, shape: #ttnn.shape<1x1x400x480> | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x480>>, shape: #ttnn.shape<1x1x49x480> | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x480>>, shape: #ttnn.shape<1x1x49x480> | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x480>>, shape: #ttnn.shape<1x1x49x480> | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x48>>, shape: #ttnn.shape<1x1x3136x48> | tensor<[1,1,3136,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 48, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1089x288>>, shape: #ttnn.shape<1x1x1089x288> | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x288>>, shape: #ttnn.shape<1x1x1444x288> | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x12>>, shape: #ttnn.shape<1x1x3136x12> | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x320>>, shape: #ttnn.shape<1x1x4096x320> | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x112>>, shape: #ttnn.shape<1x1x196x112> | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x144>>, shape: #ttnn.shape<1x1x196x144> | tensor<[1,1,196,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x160>>, shape: #ttnn.shape<1x1x196x160> | tensor<[1,1,196,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x192>>, shape: #ttnn.shape<1x1x196x192> | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x24>>, shape: #ttnn.shape<1x1x196x24> | tensor<[1,1,196,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x32>>, shape: #ttnn.shape<1x1x196x32> | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x64>>, shape: #ttnn.shape<1x1x196x64> | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<300x64>>, shape: #ttnn.shape<1x1x300x64> | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x64x15x20> | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1024>>, shape: #ttnn.shape<1x1x256x1024> | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x255>>, shape: #ttnn.shape<1x1x256x255> | tensor<[1,1,256,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x255x16x16> | tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x256>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x512>>, shape: #ttnn.shape<1x1x256x512> | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x512>>, shape: #ttnn.shape<1x1x256x512> | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1000>>, shape: #ttnn.shape<1x1x1x1000> | tensor<[1,1,1,1000,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1000, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1000x1x1> | tensor<[1,1000,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x1x1x512> | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x512x1x1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<920x2048>>, shape: #ttnn.shape<1x1x920x2048> | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<920x512>>, shape: #ttnn.shape<1x1x920x512> | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x1024>>, shape: #ttnn.shape<1x1x784x1024> | tensor<[1,1,784,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x1x196x1024> | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x19>>, shape: #ttnn.shape<1x1x784x19> | tensor<[1,1,784,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<17x1>>, shape: #ttnn.shape<1x19x28x28> | tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x38>>, shape: #ttnn.shape<1x1x784x38> | tensor<[1,1,784,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<34x1>>, shape: #ttnn.shape<1x38x28x28> | tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1024>>, shape: #ttnn.shape<1x1x256x1024> | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x128>>, shape: #ttnn.shape<1x1x1024x128> | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x255>>, shape: #ttnn.shape<1x1x1024x255> | tensor<[1,1,1024,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<255x1>>, shape: #ttnn.shape<1x255x32x32> | tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x256>>, shape: #ttnn.shape<1x1x1024x256> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x256>>, shape: #ttnn.shape<1x1x1024x256> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<920x512>>, shape: #ttnn.shape<1x1x920x512> | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x128>>, shape: #ttnn.shape<1x1x25x128> | tensor<[1,1,25,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x24>>, shape: #ttnn.shape<1x1x25x24> | tensor<[1,1,25,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x24x5x5> | tensor<[1,24,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 5 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x512>>, shape: #ttnn.shape<1x1x25x512> | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x546>>, shape: #ttnn.shape<1x1x25x546> | tensor<[1,1,25,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x546x5x5> | tensor<[1,546,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2730 + d1 * 5 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4800x512>>, shape: #ttnn.shape<1x1x4800x512> | tensor<[1,1,4800,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x3>>, shape: #ttnn.shape<1x512x60x80> | tensor<[1,512,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x2048>>, shape: #ttnn.shape<1x1x49x2048> | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x256>>, shape: #ttnn.shape<1x1x64x256> | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x256>>, shape: #ttnn.shape<1x1x64x256> | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x1024>>, shape: #ttnn.shape<1x1x3600x1024> | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x128>>, shape: #ttnn.shape<1x1x14400x128> | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14400x256>>, shape: #ttnn.shape<1x1x14400x256> | tensor<[1,1,14400,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x160>>, shape: #ttnn.shape<1x1x196x160> | tensor<[1,1,196,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x32>>, shape: #ttnn.shape<1x1x196x32> | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x120>>, shape: #ttnn.shape<1x1x289x120> | tensor<[1,1,289,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x528>>, shape: #ttnn.shape<1x1x289x528> | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x528>>, shape: #ttnn.shape<1x1x289x528> | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x88>>, shape: #ttnn.shape<1x1x289x88> | tensor<[1,1,289,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x196>>, shape: #ttnn.shape<1x1x196x196> | tensor<[1,1,196,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 196, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x24>>, shape: #ttnn.shape<1x1x3136x24> | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x56>>, shape: #ttnn.shape<1x1x196x56> | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2304x336>>, shape: #ttnn.shape<1x1x2304x336> | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x576>>, shape: #ttnn.shape<1x1x196x576> | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x576>>, shape: #ttnn.shape<1x1x49x576> | tensor<[1,1,49,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 576, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x96>>, shape: #ttnn.shape<1x1x196x96> | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x136>>, shape: #ttnn.shape<1x1x361x136> | tensor<[1,1,361,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x576>>, shape: #ttnn.shape<1x1x361x576> | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x576>>, shape: #ttnn.shape<1x1x361x576> | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x96>>, shape: #ttnn.shape<1x1x361x96> | tensor<[1,1,361,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x160>>, shape: #ttnn.shape<1x1x49x160> | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x232>>, shape: #ttnn.shape<1x1x1x232> | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x232x1x1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x696>>, shape: #ttnn.shape<1x1x1x696> | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<22x1>>, shape: #ttnn.shape<1x696x1x1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x20>>, shape: #ttnn.shape<1x1x784x20> | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x60>>, shape: #ttnn.shape<1x1x784x60> | tensor<[1,1,784,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x28>>, shape: #ttnn.shape<1x1x784x28> | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1280>>, shape: #ttnn.shape<1x1x256x1280> | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x640>>, shape: #ttnn.shape<1x1x256x640> | tensor<[1,1,256,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x640x16x16> | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x320>>, shape: #ttnn.shape<1x1x4096x320> | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x320>>, shape: #ttnn.shape<1x1x4096x320> | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x640>>, shape: #ttnn.shape<1x1x4096x640> | tensor<[1,1,4096,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x2>>, shape: #ttnn.shape<1x640x64x64> | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x160>>, shape: #ttnn.shape<1x1x49x160> | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x128>>, shape: #ttnn.shape<1x1x12544x128> | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x4>>, shape: #ttnn.shape<1x128x112x112> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x128>>, shape: #ttnn.shape<1x1x12544x128> | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x64>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x64>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4800x128>>, shape: #ttnn.shape<1x1x4800x128> | tensor<[1,1,4800,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x3>>, shape: #ttnn.shape<1x128x60x80> | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<19200x32>>, shape: #ttnn.shape<1x1x19200x32> | tensor<[1,1,19200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x5>>, shape: #ttnn.shape<1x32x120x160> | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<300x64>>, shape: #ttnn.shape<1x1x300x64> | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x64x15x20> | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x128>>, shape: #ttnn.shape<1x1x16384x128> | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x128>>, shape: #ttnn.shape<1x1x4096x128> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x32>>, shape: #ttnn.shape<1x1x16384x32> | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x64>>, shape: #ttnn.shape<1x1x16384x64> | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x64>>, shape: #ttnn.shape<1x1x16384x64> | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5329x96>>, shape: #ttnn.shape<1x1x5329x96> | tensor<[1,1,5329,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x384>>, shape: #ttnn.shape<1x1x196x384> | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x128>>, shape: #ttnn.shape<1x1x22500x128> | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5625x128>>, shape: #ttnn.shape<1x1x5625x128> | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<22500x64>>, shape: #ttnn.shape<1x1x22500x64> | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6400x64>>, shape: #ttnn.shape<1x1x6400x64> | tensor<[1,1,6400,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<57600x256>>, shape: #ttnn.shape<1x1x57600x256> | tensor<[1,1,57600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<57600x64>>, shape: #ttnn.shape<1x1x57600x64> | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<57600x64>>, shape: #ttnn.shape<1x1x57600x64> | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x1x128> | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x1>>, shape: #ttnn.shape<1x1x50176x1> | tensor<[1,1,50176,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x64>>, shape: #ttnn.shape<1x1x50176x64> | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x7>>, shape: #ttnn.shape<1x64x224x224> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<50176x64>>, shape: #ttnn.shape<1x1x50176x64> | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x128>>, shape: #ttnn.shape<1x1x16384x128> | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x32>>, shape: #ttnn.shape<1x1x65536x32> | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x32>>, shape: #ttnn.shape<1x1x65536x32> | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x256>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x64>>, shape: #ttnn.shape<1x1x784x64> | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x1x1x64> | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1200x32>>, shape: #ttnn.shape<1x1x1200x32> | tensor<[1,1,1200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x32x30x40> | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1225x96>>, shape: #ttnn.shape<1x1x1225x96> | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<307200x1>>, shape: #ttnn.shape<1x1x307200x1> | tensor<[1,1,307200,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x20>>, shape: #ttnn.shape<1x1x480x640> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<307200x64>>, shape: #ttnn.shape<1x1x307200x64> | tensor<[1,1,307200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x20>>, shape: #ttnn.shape<1x64x480x640> | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x14>>, shape: #ttnn.shape<1x1x3136x14> | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x192>>, shape: #ttnn.shape<1x1x3136x192> | tensor<[1,1,3136,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x24>>, shape: #ttnn.shape<1x1x3136x24> | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x256>>, shape: #ttnn.shape<1x1x3136x256> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x64>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4800x32>>, shape: #ttnn.shape<1x1x4800x32> | tensor<[1,1,4800,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x32x60x80> | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x128>>, shape: #ttnn.shape<1x1x4096x128> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x160>>, shape: #ttnn.shape<1x1x1024x160> | tensor<[1,1,1024,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x1>>, shape: #ttnn.shape<1x160x32x32> | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x64>>, shape: #ttnn.shape<1x1x4096x64> | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x64>>, shape: #ttnn.shape<1x1x4096x64> | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x64>>, shape: #ttnn.shape<1x1x256x64> | tensor<[1,1,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x64x16x16> | tensor<[1,64,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 16 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5329x64>>, shape: #ttnn.shape<1x1x5329x64> | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5329x64>>, shape: #ttnn.shape<1x1x5329x64> | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5041x96>>, shape: #ttnn.shape<1x1x5041x96> | tensor<[1,1,5041,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (5041, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6400x24>>, shape: #ttnn.shape<1x1x6400x24> | tensor<[1,1,6400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x640>>, shape: #ttnn.shape<1x1x196x640> | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x80>>, shape: #ttnn.shape<1x1x100x80> | tensor<[1,1,100,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x112>>, shape: #ttnn.shape<1x1x196x112> | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x56>>, shape: #ttnn.shape<1x1x196x56> | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x672>>, shape: #ttnn.shape<1x1x196x672> | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x672>>, shape: #ttnn.shape<1x1x196x672> | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x672>>, shape: #ttnn.shape<1x1x49x672> | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x112>>, shape: #ttnn.shape<1x1x225x112> | tensor<[1,1,225,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x672>>, shape: #ttnn.shape<1x1x225x672> | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x672>>, shape: #ttnn.shape<1x1x49x672> | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x672>>, shape: #ttnn.shape<1x1x64x672> | tensor<[1,1,64,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x168>>, shape: #ttnn.shape<1x1x1x168> | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 168, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x168x1x1> | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x112>>, shape: #ttnn.shape<1x1x400x112> | tensor<[1,1,400,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x24>>, shape: #ttnn.shape<1x1x400x24> | tensor<[1,1,400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x1>>, shape: #ttnn.shape<1x24x20x20> | tensor<[1,24,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 20 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x546>>, shape: #ttnn.shape<1x1x400x546> | tensor<[1,1,400,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x1>>, shape: #ttnn.shape<1x546x20x20> | tensor<[1,546,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10920 + d1 * 20 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x672>>, shape: #ttnn.shape<1x1x400x672> | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x672>>, shape: #ttnn.shape<1x1x100x672> | tensor<[1,1,100,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x112>>, shape: #ttnn.shape<1x1x576x112> | tensor<[1,1,576,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x160>>, shape: #ttnn.shape<1x1x576x160> | tensor<[1,1,576,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x672>>, shape: #ttnn.shape<1x1x576x672> | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x672>>, shape: #ttnn.shape<1x1x576x672> | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x1344>>, shape: #ttnn.shape<1x1x784x1344> | tensor<[1,1,784,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1344, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1344>>, shape: #ttnn.shape<1x1x196x1344> | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x672>>, shape: #ttnn.shape<1x1x784x672> | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x672>>, shape: #ttnn.shape<1x1x784x672> | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x672>>, shape: #ttnn.shape<1x1x784x672> | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x160>>, shape: #ttnn.shape<1x1x49x160> | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x192>>, shape: #ttnn.shape<1x1x49x192> | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x672>>, shape: #ttnn.shape<1x1x49x672> | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x672>>, shape: #ttnn.shape<1x1x49x672> | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x80>>, shape: #ttnn.shape<1x1x49x80> | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x192>>, shape: #ttnn.shape<1x1x64x192> | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x40>>, shape: #ttnn.shape<1x1x196x40> | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x174>>, shape: #ttnn.shape<1x1x1x174> | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x174x1x1> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x58>>, shape: #ttnn.shape<1x1x1x58> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x58x1x1> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x1392>>, shape: #ttnn.shape<1x1x784x1392> | tensor<[1,1,784,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1392>>, shape: #ttnn.shape<1x1x196x1392> | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x696>>, shape: #ttnn.shape<1x1x784x696> | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x696>>, shape: #ttnn.shape<1x1x784x696> | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x696>>, shape: #ttnn.shape<1x1x784x696> | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x120>>, shape: #ttnn.shape<1x1x289x120> | tensor<[1,1,289,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x720>>, shape: #ttnn.shape<1x1x289x720> | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x720>>, shape: #ttnn.shape<1x1x81x720> | tensor<[1,1,81,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 720, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<81x208>>, shape: #ttnn.shape<1x1x81x208> | tensor<[1,1,81,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x1024>>, shape: #ttnn.shape<1x1x361x1024> | tensor<[1,1,361,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x1024>>, shape: #ttnn.shape<1x1x100x1024> | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x728>>, shape: #ttnn.shape<1x1x361x728> | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x728>>, shape: #ttnn.shape<1x1x361x728> | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x728>>, shape: #ttnn.shape<1x1x1444x728> | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x728>>, shape: #ttnn.shape<1x1x361x728> | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1444x728>>, shape: #ttnn.shape<1x1x1444x728> | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x728>>, shape: #ttnn.shape<1x1x361x728> | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x144>>, shape: #ttnn.shape<1x1x49x144> | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x18>>, shape: #ttnn.shape<1x1x196x18> | tensor<[1,1,196,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x36>>, shape: #ttnn.shape<1x1x196x36> | tensor<[1,1,196,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x512>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x72>>, shape: #ttnn.shape<1x1x196x72> | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x20>>, shape: #ttnn.shape<1x1x1x20> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20x1x1> | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x1x24> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24x1x1> | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x20>>, shape: #ttnn.shape<1x1x784x20> | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x40>>, shape: #ttnn.shape<1x1x784x40> | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x72>>, shape: #ttnn.shape<1x1x784x72> | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x72>>, shape: #ttnn.shape<1x1x784x72> | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1600x40>>, shape: #ttnn.shape<1x1x1600x40> | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x12>>, shape: #ttnn.shape<1x1x3136x12> | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x24>>, shape: #ttnn.shape<1x1x3136x24> | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x72>>, shape: #ttnn.shape<1x1x3136x72> | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x72>>, shape: #ttnn.shape<1x1x784x72> | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6400x24>>, shape: #ttnn.shape<1x1x6400x24> | tensor<[1,1,6400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6400x72>>, shape: #ttnn.shape<1x1x6400x72> | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1600x72>>, shape: #ttnn.shape<1x1x1600x72> | tensor<[1,1,1600,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x512>>, shape: #ttnn.shape<1x1x784x512> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x334>>, shape: #ttnn.shape<1x1x196x334> | tensor<[1,1,196,334,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 334, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x768>>, shape: #ttnn.shape<1x1x1x768> | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x768x1x1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<257x27>>, shape: #ttnn.shape<1x1x257x27> | tensor<[1,1,257,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 27, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<257x768>>, shape: #ttnn.shape<1x1x257x768> | tensor<[1,1,257,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1500x768>>, shape: #ttnn.shape<1x1x1500x768> | tensor<[1,1,1500,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (1500, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x47>>, shape: #ttnn.shape<1x768x1500> | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x256>>, shape: #ttnn.shape<1x1x1024x256> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x224>>, shape: #ttnn.shape<1x1x49x224> | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x3072>>, shape: #ttnn.shape<1x1x8x3072> | tensor<[1,1,8,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 3072, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x768>>, shape: #ttnn.shape<1x1x8x768> | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x768x8> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x768>>, shape: #ttnn.shape<1x1x8x768> | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x768x8> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x1024>>, shape: #ttnn.shape<1x1x49x1024> | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x16>>, shape: #ttnn.shape<1x1x784x16> | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x34>>, shape: #ttnn.shape<1x1x784x34> | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x24>>, shape: #ttnn.shape<1x1x3136x24> | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x272>>, shape: #ttnn.shape<1x1x49x272> | tensor<[1,1,49,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 272, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x480>>, shape: #ttnn.shape<1x1x100x480> | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x100>>, shape: #ttnn.shape<1x1x196x100> | tensor<[1,1,196,100,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 100, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x112>>, shape: #ttnn.shape<1x1x196x112> | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x184>>, shape: #ttnn.shape<1x1x196x184> | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x200>>, shape: #ttnn.shape<1x1x196x200> | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x240>>, shape: #ttnn.shape<1x1x196x240> | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x480>>, shape: #ttnn.shape<1x1x196x480> | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x80>>, shape: #ttnn.shape<1x1x196x80> | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x92>>, shape: #ttnn.shape<1x1x196x92> | tensor<[1,1,196,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<225x480>>, shape: #ttnn.shape<1x1x225x480> | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x184>>, shape: #ttnn.shape<1x1x400x184> | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x200>>, shape: #ttnn.shape<1x1x400x200> | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<400x480>>, shape: #ttnn.shape<1x1x400x480> | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3000x768>>, shape: #ttnn.shape<1x1x3000x768> | tensor<[1,1,3000,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (3000, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x94>>, shape: #ttnn.shape<1x768x3000> | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x184>>, shape: #ttnn.shape<1x1x49x184> | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x200>>, shape: #ttnn.shape<1x1x49x200> | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x480>>, shape: #ttnn.shape<1x1x49x480> | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x80>>, shape: #ttnn.shape<1x1x49x80> | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x232>>, shape: #ttnn.shape<1x1x100x232> | tensor<[1,1,100,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x136>>, shape: #ttnn.shape<1x1x361x136> | tensor<[1,1,361,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x816>>, shape: #ttnn.shape<1x1x361x816> | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x816>>, shape: #ttnn.shape<1x1x100x816> | tensor<[1,1,100,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 816, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x160>>, shape: #ttnn.shape<1x1x49x160> | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x192>>, shape: #ttnn.shape<1x1x49x192> | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x256>>, shape: #ttnn.shape<1x1x49x256> | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x32>>, shape: #ttnn.shape<1x1x49x32> | tensor<[1,1,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x384>>, shape: #ttnn.shape<1x1x49x384> | tensor<[1,1,49,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x48>>, shape: #ttnn.shape<1x1x49x48> | tensor<[1,1,49,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 48, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<289x528>>, shape: #ttnn.shape<1x1x289x528> | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x1x196x256> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x8>>, shape: #ttnn.shape<1x1x12544x8> | tensor<[1,1,12544,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x232>>, shape: #ttnn.shape<1x1x1x232> | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x232x1x1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x92>>, shape: #ttnn.shape<1x1x196x92> | tensor<[1,1,196,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x28>>, shape: #ttnn.shape<1x1x784x28> | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x272>>, shape: #ttnn.shape<1x1x144x272> | tensor<[1,1,144,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1280>>, shape: #ttnn.shape<1x1x1x1280> | tensor<[1,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x1280x1x1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x240>>, shape: #ttnn.shape<1x1x1x240> | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 240, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x240x1x1> | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x160>>, shape: #ttnn.shape<1x1x576x160> | tensor<[1,1,576,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<576x960>>, shape: #ttnn.shape<1x1x576x960> | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x960>>, shape: #ttnn.shape<1x1x144x960> | tensor<[1,1,144,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x640>>, shape: #ttnn.shape<1x1x1024x640> | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x960>>, shape: #ttnn.shape<1x1x9x960> | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x960>>, shape: #ttnn.shape<1x1x9x960> | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x320>>, shape: #ttnn.shape<1x1x4096x320> | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x320>>, shape: #ttnn.shape<1x1x4096x320> | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x160>>, shape: #ttnn.shape<1x1x49x160> | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x320>>, shape: #ttnn.shape<1x1x49x320> | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x80>>, shape: #ttnn.shape<1x1x49x80> | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x960>>, shape: #ttnn.shape<1x1x49x960> | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x960>>, shape: #ttnn.shape<1x1x49x960> | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x96>>, shape: #ttnn.shape<1x1x3136x96> | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x96>>, shape: #ttnn.shape<1x1x3136x96> | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x96>>, shape: #ttnn.shape<1x1x3600x96> | tensor<[1,1,3600,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4225x96>>, shape: #ttnn.shape<1x1x4225x96> | tensor<[1,1,4225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x208>>, shape: #ttnn.shape<1x1x196x208> | tensor<[1,1,196,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 208, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x576>>, shape: #ttnn.shape<1x1x196x576> | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<361x576>>, shape: #ttnn.shape<1x1x361x576> | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1225x96>>, shape: #ttnn.shape<1x1x1225x96> | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x128>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x24>>, shape: #ttnn.shape<1x1x3136x24> | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3600x24>>, shape: #ttnn.shape<1x1x3600x24> | tensor<[1,1,3600,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4225x24>>, shape: #ttnn.shape<1x1x4225x24> | tensor<[1,1,4225,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x20>>, shape: #ttnn.shape<1x1x784x20> | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x128>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x128>>, shape: #ttnn.shape<1x1x49x128> | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x13x128> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x128> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x32x128> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x1> | tensor<[1,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1x1> | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1x1> | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11x1x1> | tensor<[1,11,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1x1> | tensor<[1,12,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13x1x1> | tensor<[1,13,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14x1x1> | tensor<[1,14,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15x1x1> | tensor<[1,15,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x1> | tensor<[1,16,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17x1x1> | tensor<[1,17,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18x1x1> | tensor<[1,18,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19x1x1> | tensor<[1,19,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20x1x1> | tensor<[1,20,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21x1x1> | tensor<[1,21,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22x1x1> | tensor<[1,22,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23x1x1> | tensor<[1,23,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24x1x1> | tensor<[1,24,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25x1x1> | tensor<[1,25,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26x1x1> | tensor<[1,26,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27x1x1> | tensor<[1,27,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28x1x1> | tensor<[1,28,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29x1x1> | tensor<[1,29,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5x1x1> | tensor<[1,5,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1x1> | tensor<[1,6,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7x1x1> | tensor<[1,7,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x1> | tensor<[1,8,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1x1> | tensor<[1,9,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<45x1x1x1> | tensor<[45,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x1x1x1> | tensor<[5,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x7>>, shape: #ttnn.shape<1x12x197x197> | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<76x7>>, shape: #ttnn.shape<1x12x201x201> | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x12x8x8> | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x7>>, shape: #ttnn.shape<1x16x197x197> | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x10> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x11> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x12> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x13> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x14> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x15> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x16> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x17> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x18> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x19> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x20> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x21> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x22> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x23> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x24> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x6> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x7> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x8> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1x9> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x16x5x5> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x1x16384x256> | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x10>>, shape: #ttnn.shape<1x1x19200x300> | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x2x4096x256> | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x10>>, shape: #ttnn.shape<1x2x4800x300> | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<1x4096x320> | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<1x50257> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x8>>, shape: #ttnn.shape<1x5x1024x256> | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<188x10>>, shape: #ttnn.shape<1x5x1200x300> | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<1x64x1280> | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x8x2048x256> | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x64>>, shape: #ttnn.shape<1x8x256x2048> | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<1x8x256x256> | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x10>>, shape: #ttnn.shape<1x8x300x300> | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x512> | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x10>>, shape: #ttnn.shape<3x320x320> | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1x1536> | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x12x1536> | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<1x13x3584> | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<2x1x128> | tensor<[2,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x32x1536> | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x193x768> | tensor<[1,193,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 193 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x16x768> | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x25x768> | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x32x4096> | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x10x1024> | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x512> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x10x512> | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x15x512> | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<2x13x768> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x45x768> | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x512> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x6x512> | tensor<[1,6,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x10x1536> | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x11x1536> | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x12x1536> | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x13x1536> | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x14x1536> | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x15x1536> | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x6x1536> | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x7x1536> | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x8x1536> | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x9x1536> | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x5x1024> | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<1x7x4544> | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x12> | tensor<[12,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x13> | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<32x32> | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x5> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x6> | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x12x12> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x13x13> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x10> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x11> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x12> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x13> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x14> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x15> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x16> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x17> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x18> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x19> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x20> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x21> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x22> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x23> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x24> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x25> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x26> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x27> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x28> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x29> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x46> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x47> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x48> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x49> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x50> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x51> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x52> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x53> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x54> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x55> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x56> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x57> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x58> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x59> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x60> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x61> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x62> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x63> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x64> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x65> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x66> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x67> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x68> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x69> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x6> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x70> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x71> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x72> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x73> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x74> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x75> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x76> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x77> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x78> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x79> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x7> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x80> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x81> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x82> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x83> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x84> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x85> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x86> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x87> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x88> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x89> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x8> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x90> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x91> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x92> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x93> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x94> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x95> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x96> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x97> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x98> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x99> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x9> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x32x32> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x1x45x45> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x5x5> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x7x7> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5> | tensor<[1,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<4x49x49> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<64x49x49> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1> | tensor<[8,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x2> | tensor<[8,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x3072x10x16> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1056x1>>, shape: #ttnn.shape<1x3072x11x16> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1152x1>>, shape: #ttnn.shape<1x3072x12x16> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1248x1>>, shape: #ttnn.shape<1x3072x13x16> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1344x1>>, shape: #ttnn.shape<1x3072x14x16> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x1>>, shape: #ttnn.shape<1x3072x15x16> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<576x1>>, shape: #ttnn.shape<1x3072x6x16> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x3072x7x16> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x1>>, shape: #ttnn.shape<1x3072x8x16> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x1>>, shape: #ttnn.shape<1x3072x9x16> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<3072x16> | tensor<[3072,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x10x10> | tensor<[1,1,10,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x12x12> | tensor<[1,1,12,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x14x14> | tensor<[1,1,14,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x16x16> | tensor<[1,1,16,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x16x2> | tensor<[1,1,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x25x25> | tensor<[1,1,25,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x6x6> | tensor<[1,1,6,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x7x7> | tensor<[1,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x9x9> | tensor<[1,1,9,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<142x1>>, shape: #ttnn.shape<1x71x64x7> | tensor<[1,71,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4544 + d1 * 64 + d2, d3), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<1x71x7x64> | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<1x2x6x12x128> | tensor<[1,2,6,12,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 144 + d1 * 72 + d2 * 12 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<1x2x6x13x128> | tensor<[1,2,6,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 156 + d1 * 78 + d2 * 13 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x4>>, shape: #ttnn.shape<1x2x6x14x128> | tensor<[1,2,6,14,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 168 + d1 * 84 + d2 * 14 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x4>>, shape: #ttnn.shape<1x2x6x15x128> | tensor<[1,2,6,15,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 180 + d1 * 90 + d2 * 15 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x4>>, shape: #ttnn.shape<1x2x6x16x128> | tensor<[1,2,6,16,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 192 + d1 * 96 + d2 * 16 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x4>>, shape: #ttnn.shape<1x2x6x17x128> | tensor<[1,2,6,17,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 204 + d1 * 102 + d2 * 17 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x4>>, shape: #ttnn.shape<1x2x6x18x128> | tensor<[1,2,6,18,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 216 + d1 * 108 + d2 * 18 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x4>>, shape: #ttnn.shape<1x2x6x19x128> | tensor<[1,2,6,19,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 228 + d1 * 114 + d2 * 19 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x4>>, shape: #ttnn.shape<1x2x6x20x128> | tensor<[1,2,6,20,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 120 + d2 * 20 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x4>>, shape: #ttnn.shape<1x2x6x21x128> | tensor<[1,2,6,21,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 252 + d1 * 126 + d2 * 21 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x4>>, shape: #ttnn.shape<1x2x6x22x128> | tensor<[1,2,6,22,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 264 + d1 * 132 + d2 * 22 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x4>>, shape: #ttnn.shape<1x2x6x23x128> | tensor<[1,2,6,23,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 276 + d1 * 138 + d2 * 23 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x4>>, shape: #ttnn.shape<1x2x6x24x128> | tensor<[1,2,6,24,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 288 + d1 * 144 + d2 * 24 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<1x2x6x25x128> | tensor<[1,2,6,25,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 300 + d1 * 150 + d2 * 25 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<1x2x6x26x128> | tensor<[1,2,6,26,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 312 + d1 * 156 + d2 * 26 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x4>>, shape: #ttnn.shape<1x2x6x27x128> | tensor<[1,2,6,27,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 324 + d1 * 162 + d2 * 27 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x4>>, shape: #ttnn.shape<1x2x6x28x128> | tensor<[1,2,6,28,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 336 + d1 * 168 + d2 * 28 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x4>>, shape: #ttnn.shape<1x2x6x29x128> | tensor<[1,2,6,29,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 348 + d1 * 174 + d2 * 29 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x4>>, shape: #ttnn.shape<1x4x7x13x128> | tensor<[1,4,7,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 364 + d1 * 91 + d2 * 13 + d3, d4), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x5x1x16x2> | tensor<[1,5,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x4>>, shape: #ttnn.shape<1x8x3x32x128> | tensor<[1,8,3,32,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1x7x7> | tensor<[2,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x13> | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<32x32> | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x5> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x6> | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1x1024x3072> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x16>>, shape: #ttnn.shape<1x1024x512> | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x16>>, shape: #ttnn.shape<1x1024x512> | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x192>>, shape: #ttnn.shape<1x1024x6144> | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x10x3072> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x10x3072> | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x40>>, shape: #ttnn.shape<1x1200x1280> | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x40>>, shape: #ttnn.shape<1x1200x1280> | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x160>>, shape: #ttnn.shape<1x1370x5120> | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x160>>, shape: #ttnn.shape<1x1370x5120> | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x24>>, shape: #ttnn.shape<1x1445x768> | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x24>>, shape: #ttnn.shape<1x1445x768> | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x64>>, shape: #ttnn.shape<1x14x14x2048> | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x64>>, shape: #ttnn.shape<1x14x14x2048> | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x96>>, shape: #ttnn.shape<1x1500x3072> | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x96>>, shape: #ttnn.shape<1x1500x3072> | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x16384x128> | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x16384x128> | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x48>>, shape: #ttnn.shape<1x16384x1536> | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<1x16384x768> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x16x3072> | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x16x3072> | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x8>>, shape: #ttnn.shape<1x19200x256> | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x8>>, shape: #ttnn.shape<1x19200x256> | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<1x196x3072> | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<1x196x3072> | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<1x197x3072> | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<1x197x3072> | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x128>>, shape: #ttnn.shape<1x197x4096> | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x128>>, shape: #ttnn.shape<1x197x4096> | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<1x201x3072> | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<1x201x3072> | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x128>>, shape: #ttnn.shape<1x256x4096> | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x128>>, shape: #ttnn.shape<1x256x4096> | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x160>>, shape: #ttnn.shape<1x256x5120> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x160>>, shape: #ttnn.shape<1x256x5120> | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x192>>, shape: #ttnn.shape<1x256x6144> | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x96>>, shape: #ttnn.shape<1x257x3072> | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x96>>, shape: #ttnn.shape<1x257x3072> | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x25x3072> | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x25x3072> | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x32>>, shape: #ttnn.shape<1x28x28x1024> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x32>>, shape: #ttnn.shape<1x28x28x1024> | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x64>>, shape: #ttnn.shape<1x300x2048> | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x64>>, shape: #ttnn.shape<1x300x2048> | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x40>>, shape: #ttnn.shape<1x4096x1280> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x40>>, shape: #ttnn.shape<1x4096x1280> | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<1x4096x1536> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<1x4096x256> | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<1x4096x256> | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x96>>, shape: #ttnn.shape<1x4096x3072> | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x16>>, shape: #ttnn.shape<1x4800x512> | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x16>>, shape: #ttnn.shape<1x4800x512> | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x16>>, shape: #ttnn.shape<1x56x56x512> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x16>>, shape: #ttnn.shape<1x56x56x512> | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x160>>, shape: #ttnn.shape<1x64x5120> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x160>>, shape: #ttnn.shape<1x64x5120> | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x24>>, shape: #ttnn.shape<1x65536x768> | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x47>>, shape: #ttnn.shape<1x768x1500> | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x47>>, shape: #ttnn.shape<1x768x1500> | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x94>>, shape: #ttnn.shape<1x768x3000> | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x94>>, shape: #ttnn.shape<1x768x3000> | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x12>>, shape: #ttnn.shape<1x768x384> | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x12>>, shape: #ttnn.shape<1x768x384> | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x568>>, shape: #ttnn.shape<1x7x18176> | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x568>>, shape: #ttnn.shape<1x7x18176> | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x128>>, shape: #ttnn.shape<1x7x7x4096> | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x128>>, shape: #ttnn.shape<1x7x7x4096> | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<4x1x4096> | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x12> | tensor<[12,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x12> | tensor<[12,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x13> | tensor<[13,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x13> | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<32x32> | tensor<[32,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<32x32> | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<45x45> | tensor<[45,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<45x45> | tensor<[45,45,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x46> | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x46> | tensor<[1,46,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x47> | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x47> | tensor<[1,47,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x48> | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x48> | tensor<[1,48,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x49> | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x49> | tensor<[1,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x50> | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x50> | tensor<[1,50,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x51> | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x51> | tensor<[1,51,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x52> | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x52> | tensor<[1,52,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x53> | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x53> | tensor<[1,53,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x54> | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x54> | tensor<[1,54,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x55> | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x55> | tensor<[1,55,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x56> | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x56> | tensor<[1,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x57> | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x57> | tensor<[1,57,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x58> | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x58> | tensor<[1,58,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x59> | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x59> | tensor<[1,59,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x5> | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x5> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x60> | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x60> | tensor<[1,60,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x61> | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x61> | tensor<[1,61,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x62> | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x62> | tensor<[1,62,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x63> | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x63> | tensor<[1,63,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x65> | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x65> | tensor<[1,65,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x66> | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x66> | tensor<[1,66,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x67> | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x67> | tensor<[1,67,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x68> | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x68> | tensor<[1,68,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x69> | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x69> | tensor<[1,69,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x70> | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x70> | tensor<[1,70,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x71> | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x71> | tensor<[1,71,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x72> | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x72> | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x73> | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x73> | tensor<[1,73,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x74> | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x74> | tensor<[1,74,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x75> | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x75> | tensor<[1,75,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x76> | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x76> | tensor<[1,76,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x77> | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x77> | tensor<[1,77,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x78> | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x78> | tensor<[1,78,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x79> | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x79> | tensor<[1,79,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x80> | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x80> | tensor<[1,80,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x81> | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x81> | tensor<[1,81,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x82> | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x82> | tensor<[1,82,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x83> | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x83> | tensor<[1,83,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x84> | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x84> | tensor<[1,84,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x85> | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x85> | tensor<[1,85,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x86> | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x86> | tensor<[1,86,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x87> | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x87> | tensor<[1,87,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x88> | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x88> | tensor<[1,88,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x89> | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x89> | tensor<[1,89,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x90> | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x90> | tensor<[1,90,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x91> | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x91> | tensor<[1,91,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x92> | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x92> | tensor<[1,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x93> | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x93> | tensor<[1,93,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x94> | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x94> | tensor<[1,94,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x95> | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x95> | tensor<[1,95,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x96> | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x96> | tensor<[1,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x97> | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x97> | tensor<[1,97,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x98> | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x98> | tensor<[1,98,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x99> | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x99> | tensor<[1,99,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x120x1x1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1x1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x1>>, shape: #ttnn.shape<1x480x1x1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x512x1x1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x72x1x1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x768x1x1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x960x1x1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x4>>, shape: #ttnn.shape<1x16x112x112> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x5>>, shape: #ttnn.shape<1x16x160x160> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x184x14x14> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<115x1>>, shape: #ttnn.shape<1x184x20x20> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<88x1>>, shape: #ttnn.shape<1x200x14x14> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<125x1>>, shape: #ttnn.shape<1x200x20x20> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x240x14x14> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x240x20x20> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x240x28x28> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x2>>, shape: #ttnn.shape<1x240x40x40> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x480x10x10> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x1>>, shape: #ttnn.shape<1x480x20x20> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x672x10x10> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x672x20x20> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x1152x7x7> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x1>>, shape: #ttnn.shape<1x1152x8x8> | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x116x14x14> | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<351x1>>, shape: #ttnn.shape<1x1248x9x9> | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<400x1>>, shape: #ttnn.shape<1x1280x10x10> | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1280x12x12> | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x1280x7x7> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x1280x9x9> | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x128x1x1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x128x2x2> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<1x128x3x3> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x1>>, shape: #ttnn.shape<1x128x5x5> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<118x1>>, shape: #ttnn.shape<1x134x28x28> | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<435x1>>, shape: #ttnn.shape<1x1392x10x10> | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<675x5>>, shape: #ttnn.shape<1x144x150x150> | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<855x6>>, shape: #ttnn.shape<1x144x190x190> | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x144x28x28> | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<135x1>>, shape: #ttnn.shape<1x144x30x30> | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x2>>, shape: #ttnn.shape<1x144x33x33> | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x2>>, shape: #ttnn.shape<1x144x56x56> | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<270x2>>, shape: #ttnn.shape<1x144x60x60> | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<293x3>>, shape: #ttnn.shape<1x144x65x65> | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<338x3>>, shape: #ttnn.shape<1x144x75x75> | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<428x3>>, shape: #ttnn.shape<1x144x95x95> | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<1x14x56x56> | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x160x7x7> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<612x1>>, shape: #ttnn.shape<1x1632x12x12> | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x168x28x28> | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x16x28x28> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x192x14x14> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x192x28x28> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<228x2>>, shape: #ttnn.shape<1x192x38x38> | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x2>>, shape: #ttnn.shape<1x192x48x48> | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<450x3>>, shape: #ttnn.shape<1x192x75x75> | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<570x3>>, shape: #ttnn.shape<1x192x95x95> | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x196x14x14> | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x20x28x28> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x240x14x14> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<113x1>>, shape: #ttnn.shape<1x240x15x15> | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x240x28x28> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x240x30x30> | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x2>>, shape: #ttnn.shape<1x24x56x56> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x256x10x10> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x256x14x14> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x256x2x2> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x256x3x3> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x256x5x5> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x1>>, shape: #ttnn.shape<1x272x7x7> | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<153x1>>, shape: #ttnn.shape<1x288x17x17> | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<171x1>>, shape: #ttnn.shape<1x288x19x19> | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<297x2>>, shape: #ttnn.shape<1x288x33x33> | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x2>>, shape: #ttnn.shape<1x288x38x38> | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x28> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x320x28x28> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x4>>, shape: #ttnn.shape<1x32x112x112> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x4>>, shape: #ttnn.shape<1x32x120x120> | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<130x5>>, shape: #ttnn.shape<1x32x130x130> | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x5>>, shape: #ttnn.shape<1x32x150x150> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<190x6>>, shape: #ttnn.shape<1x32x190x190> | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x334x14x14> | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x336x24x24> | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x2>>, shape: #ttnn.shape<1x336x48x48> | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x34x28x28> | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x384x14x14> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x40x14x14> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x40x56x56> | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x462x7x7> | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x46x28x28> | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x480x10x10> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x480x15x15> | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x512x5x5> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x512x7x7> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<281x1>>, shape: #ttnn.shape<1x528x17x17> | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x576x14x14> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x1>>, shape: #ttnn.shape<1x576x19x19> | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x576x7x7> | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x58x28x28> | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x640x14x14> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x4>>, shape: #ttnn.shape<1x64x112x112> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1x1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x64x2x2> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x2>>, shape: #ttnn.shape<1x64x56x56> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x672x15x15> | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x672x20x20> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x672x24x24> | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x672x8x8> | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x68x14x14> | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x2>>, shape: #ttnn.shape<1x68x56x56> | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<383x1>>, shape: #ttnn.shape<1x720x17x17> | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x720x9x9> | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<69x1>>, shape: #ttnn.shape<1x78x28x28> | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<255x1>>, shape: #ttnn.shape<1x816x10x10> | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<485x1>>, shape: #ttnn.shape<1x816x19x19> | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x960x12x12> | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x1>>, shape: #ttnn.shape<1x960x24x24> | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x4>>, shape: #ttnn.shape<1x96x112x112> | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x4>>, shape: #ttnn.shape<1x96x120x120> | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<390x5>>, shape: #ttnn.shape<1x96x130x130> | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x2>>, shape: #ttnn.shape<1x96x56x56> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x2>>, shape: #ttnn.shape<1x96x60x60> | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<195x3>>, shape: #ttnn.shape<1x96x65x65> | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x98x28x28> | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x32> | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5x32> | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x128x128x128> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x128x32x32> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<1x128x64x64> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x256x16x16> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x32x32> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x2>>, shape: #ttnn.shape<1x256x64x64> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x32x256x256> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x16>>, shape: #ttnn.shape<1x32x512x512> | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x512x16x16> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x512x32x32> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<1x64x128x128> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x64x256x256> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x6> | tensor<[6,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x6> | tensor<[6,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x1x3136x128> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x4>>, shape: #ttnn.shape<1x1x196x128> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x4>>, shape: #ttnn.shape<1x1x784x128> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x4>>, shape: #ttnn.shape<1x1x1024x128> | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x1x196x16> | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<39x6>>, shape: #ttnn.shape<1x1x1225x192> | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x8>>, shape: #ttnn.shape<1x1x49x256> | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x1x784x256> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x10>>, shape: #ttnn.shape<1x1x196x320> | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x1x3136x32> | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x1x16384x32> | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x12>>, shape: #ttnn.shape<1x1x289x384> | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x1x49x4> | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x16>>, shape: #ttnn.shape<1x1x49x512> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x1x196x512> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x20>>, shape: #ttnn.shape<1x1x49x640> | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<1x1x3136x64> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x1x4096x64> | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<167x2>>, shape: #ttnn.shape<1x1x5329x64> | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<1x1x12544x64> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x1x144x64> | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1800x2>>, shape: #ttnn.shape<1x1x57600x64> | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<1x1x784x64> | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x26>>, shape: #ttnn.shape<1x1x49x832> | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1x1> | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11x1> | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x120x1x1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x120x1x1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x120x1x1> | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x1280x1x1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x1280x1x1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x1280x1x1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x1280x1x1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x1280x1x1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x1392x1x1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13x1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13x1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x1536x1x1> | tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15x1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15x1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x1>>, shape: #ttnn.shape<1x1920x1x1> | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x2048x1x1> | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x2048x1x1> | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x232x1x1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<79x1>>, shape: #ttnn.shape<1x2520x1x1> | tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1x1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<116x1>>, shape: #ttnn.shape<1x3712x1x1> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x1>>, shape: #ttnn.shape<1x480x1x1> | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x1>>, shape: #ttnn.shape<1x480x1x1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x1>>, shape: #ttnn.shape<1x480x1x1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x1>>, shape: #ttnn.shape<1x480x1x1> | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x512x1x1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x512x1x1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x672x1x1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<22x1>>, shape: #ttnn.shape<1x696x1x1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x72x1x1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x72x1x1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x72x1x1> | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x768x1x1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7x1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x960x1x1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x960x1x1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x13x1> | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<100x4> | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<100x92> | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x256> | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x64>>, shape: #ttnn.shape<100x2048> | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x256> | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x192>>, shape: #ttnn.shape<1024x6144> | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1024x768> | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1024x160> | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x8>>, shape: #ttnn.shape<1024x256> | tensor<[1024,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1024x640> | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1024x640> | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1024x1536> | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1024x768> | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1024x1536> | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1024x160> | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x160>>, shape: #ttnn.shape<1024x5120> | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1024x640> | tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1024x3072> | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<10x1024> | tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<10x4096> | tensor<[10,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<10x50280> | tensor<[10,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<10x6144> | tensor<[10,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<10x512> | tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<10x768> | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<10x1024> | tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<10x2048> | tensor<[10,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<10x512> | tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x7813>>, shape: #ttnn.shape<10x250002> | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<10x3072> | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<10x768> | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<10x3072> | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<11x50280> | tensor<[11,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<11x6144> | tensor<[11,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<11x3072> | tensor<[11,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1200x320> | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x40>>, shape: #ttnn.shape<1200x1280> | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1200x320> | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x48>>, shape: #ttnn.shape<1296x1536> | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x144>>, shape: #ttnn.shape<1296x4608> | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x72>>, shape: #ttnn.shape<1296x2304> | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x24>>, shape: #ttnn.shape<1296x768> | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<12x768> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<12x1536> | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<12x256> | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<12x50280> | tensor<[12,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<12x6144> | tensor<[12,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x280>>, shape: #ttnn.shape<12x8960> | tensor<[12,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<12x768> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x2> | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<12x3072> | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<12x768> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<12x1536> | tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<12x3072> | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1370x1280> | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x120>>, shape: #ttnn.shape<1370x3840> | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x160>>, shape: #ttnn.shape<1370x5120> | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1370x1280> | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<13x50280> | tensor<[13,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<13x6144> | tensor<[13,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<13x3584> | tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x592>>, shape: #ttnn.shape<13x18944> | tensor<[13,18944,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x2> | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<13x3584> | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<13x512> | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<13x3072> | tensor<[13,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1445x192> | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x24>>, shape: #ttnn.shape<1445x768> | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1445x192> | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<14x768> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<14x50280> | tensor<[14,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<14x6144> | tensor<[14,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<14x512> | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<14x768> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<14x2048> | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<14x512> | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<14x2> | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<14x3072> | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<14x768> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<14x3072> | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1500x768> | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x96>>, shape: #ttnn.shape<1500x3072> | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1500x768> | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<15x512> | tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<15x50280> | tensor<[15,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<15x6144> | tensor<[15,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<15x512> | tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<15x1024> | tensor<[15,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x12>>, shape: #ttnn.shape<15x384> | tensor<[15,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<15x3072> | tensor<[15,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<16384x32> | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<16384x384> | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<16384x768> | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<16384x128> | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<16384x256> | tensor<[16384,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<16384x32> | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x48>>, shape: #ttnn.shape<16384x1536> | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<16384x192> | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<16384x384> | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<16x768> | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<16x3072> | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<16x768> | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x6>>, shape: #ttnn.shape<17424x192> | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x18>>, shape: #ttnn.shape<17424x576> | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x36>>, shape: #ttnn.shape<17424x1152> | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x12>>, shape: #ttnn.shape<17424x384> | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<19200x64> | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x8>>, shape: #ttnn.shape<19200x256> | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<19200x64> | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<196x512> | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<196x512> | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<196x768> | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x48>>, shape: #ttnn.shape<196x1536> | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x64>>, shape: #ttnn.shape<196x2048> | tensor<[196,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<196x512> | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<196x3072> | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<197x1024> | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x128>>, shape: #ttnn.shape<197x4096> | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<197x768> | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<197x1024> | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<197x3072> | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<197x768> | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x3072> | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1004>>, shape: #ttnn.shape<1x32128> | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x4096> | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1600>>, shape: #ttnn.shape<1x51200> | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x25>>, shape: #ttnn.shape<1x784> | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x3> | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4748>>, shape: #ttnn.shape<1x151936> | tensor<[1,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<1x256> | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x98>>, shape: #ttnn.shape<1x3129> | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x280>>, shape: #ttnn.shape<1x8960> | tensor<[1,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x4096> | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x4096> | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x2048> | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1004>>, shape: #ttnn.shape<1x32128> | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x12>>, shape: #ttnn.shape<1x384> | tensor<[1,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<1x50272> | tensor<[1,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x128> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x2> | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x683>>, shape: #ttnn.shape<1x21843> | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x3> | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x3072> | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1004>>, shape: #ttnn.shape<1x32128> | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<1x50257> | tensor<[1,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x128> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x128> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x40>>, shape: #ttnn.shape<1x1280> | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<201x768> | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<201x3072> | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<201x768> | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x40>>, shape: #ttnn.shape<2048x1280> | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<2048x256> | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x9>>, shape: #ttnn.shape<2048x262> | tensor<[2048,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<2048x768> | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<256x1024> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<256x2> | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<256x256> | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x128>>, shape: #ttnn.shape<256x4096> | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x320>>, shape: #ttnn.shape<256x10240> | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<256x1280> | tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<256x256> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x24>>, shape: #ttnn.shape<256x768> | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x192>>, shape: #ttnn.shape<256x6144> | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<256x160> | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<256x1024> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<256x256> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<256x512> | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<256x1536> | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<256x32> | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<256x1024> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<256x1280> | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<256x256> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<256x1536> | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<256x64> | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<256x512> | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<257x768> | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x72>>, shape: #ttnn.shape<257x2304> | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x96>>, shape: #ttnn.shape<257x3072> | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<257x768> | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<25x768> | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<25x2> | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<25x3072> | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<25x768> | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<26x768> | tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<26x3072> | tensor<[26,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<26x768> | tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x954>>, shape: #ttnn.shape<27x30522> | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<27x38> | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<27x50257> | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1> | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x512> | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<300x128> | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<300x512> | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<300x320> | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x64>>, shape: #ttnn.shape<300x2048> | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<300x512> | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<300x64> | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<3136x128> | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x12>>, shape: #ttnn.shape<3136x384> | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x16>>, shape: #ttnn.shape<3136x512> | tensor<[3136,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<3136x128> | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<32x4096> | tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<32x1536> | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x7840>>, shape: #ttnn.shape<32x250880> | tensor<[32,250880,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7840, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x144>>, shape: #ttnn.shape<32x4608> | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<32x6144> | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<32x1024> | tensor<[32,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4008>>, shape: #ttnn.shape<32x128256> | tensor<[32,128256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4008, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<32x3072> | tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<32x8192> | tensor<[32,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x344>>, shape: #ttnn.shape<32x11008> | tensor<[32,11008,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1000>>, shape: #ttnn.shape<32x32000> | tensor<[32,32000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1000, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<32x4096> | tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<32x1536> | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<32x3072> | tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<4096x320> | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<4096x384> | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<4096x768> | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<4096x64> | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<4096x768> | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x80>>, shape: #ttnn.shape<4096x2560> | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<4096x320> | tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<4096x1536> | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<4096x256> | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<4096x64> | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x96>>, shape: #ttnn.shape<4096x3072> | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<4096x384> | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<45x768> | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<45x3072> | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1571>>, shape: #ttnn.shape<45x50257> | tensor<[45,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<45x768> | tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<4800x128> | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x16>>, shape: #ttnn.shape<4800x512> | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<4800x128> | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<49x1024> | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<49x3072> | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x128>>, shape: #ttnn.shape<49x4096> | tensor<[49,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<49x1024> | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<49x1024> | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1024> | tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<4x2048> | tensor<[4,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<4x4096> | tensor<[4,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1024> | tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<50x768> | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<50x3072> | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<50x768> | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x36>>, shape: #ttnn.shape<5184x1152> | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x12>>, shape: #ttnn.shape<5184x384> | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x72>>, shape: #ttnn.shape<5184x2304> | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x24>>, shape: #ttnn.shape<5184x768> | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<52x1024> | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<52x1024> | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x48>>, shape: #ttnn.shape<576x1536> | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x144>>, shape: #ttnn.shape<576x4608> | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<5x1024> | tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<5x3072> | tensor<[5,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<5x4096> | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1600>>, shape: #ttnn.shape<5x51200> | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<5x1024> | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x8>>, shape: #ttnn.shape<600x256> | tensor<[600,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x1>>, shape: #ttnn.shape<600x4> | tensor<[600,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x3>>, shape: #ttnn.shape<600x92> | tensor<[600,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x320>>, shape: #ttnn.shape<64x10240> | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<64x1280> | tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<64x1280> | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x24>>, shape: #ttnn.shape<65536x768> | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<65536x192> | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x6>>, shape: #ttnn.shape<69696x192> | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x18>>, shape: #ttnn.shape<69696x576> | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<6x1024> | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<6x4096> | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<6x512> | tensor<[6,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<6x50280> | tensor<[6,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<6x6144> | tensor<[6,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<6x1024> | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<6x1024> | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<6x50272> | tensor<[6,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<6x3072> | tensor<[6,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x12>>, shape: #ttnn.shape<768x384> | tensor<[768,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x7>>, shape: #ttnn.shape<768x196> | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<784x256> | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x32>>, shape: #ttnn.shape<784x1024> | tensor<[784,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<784x256> | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x24>>, shape: #ttnn.shape<784x768> | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<784x256> | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<7x50280> | tensor<[7,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<7x6144> | tensor<[7,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<7x4544> | tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<7x768> | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x568>>, shape: #ttnn.shape<7x18176> | tensor<[7,18176,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<7x4544> | tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x146>>, shape: #ttnn.shape<7x4672> | tensor<[7,4672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 146, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2032>>, shape: #ttnn.shape<7x65024> | tensor<[7,65024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2032, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<7x2> | tensor<[7,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x72>>, shape: #ttnn.shape<7x2304> | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<7x3072> | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<7x768> | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<7x3072> | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<8x50280> | tensor<[8,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<8x6144> | tensor<[8,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<8x3072> | tensor<[8,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x256> | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x64>>, shape: #ttnn.shape<920x2048> | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x256> | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<9x1024> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<9x128> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<9x4096> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<9x1024> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<9x2048> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x938>>, shape: #ttnn.shape<9x30000> | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<9x4096> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<9x768> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1572>>, shape: #ttnn.shape<9x50280> | tensor<[9,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<9x6144> | tensor<[9,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<9x4096> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<9x128> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<9x2048> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<9x8192> | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<9x768> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<9x1024> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<9x128> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<9x16384> | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<9x4096> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<9x128> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x40>>, shape: #ttnn.shape<9x1280> | tensor<[9,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<9x3072> | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x10>>, shape: #ttnn.shape<9x320> | tensor<[9,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x20>>, shape: #ttnn.shape<9x640> | tensor<[9,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<9x768> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<9x2048> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<9x3072> | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x12> | tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x13> | tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x14> | tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x15> | tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x16> | tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x17> | tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x18> | tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x19> | tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x20> | tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x21> | tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x22> | tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x23> | tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x24> | tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x25> | tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x26> | tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x27> | tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x28> | tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x12x128x29> | tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<1x12x12x128> | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x12x12x64> | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x12x14x64> | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<563x2>>, shape: #ttnn.shape<1x12x1500x64> | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x2>>, shape: #ttnn.shape<1x12x16x64> | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<74x2>>, shape: #ttnn.shape<1x12x197x64> | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x128> | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x12x25x64> | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x2>>, shape: #ttnn.shape<1x12x50x64> | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x12x64x10> | tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x12x64x12> | tensor<[1,12,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x12x64x14> | tensor<[1,12,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x47>>, shape: #ttnn.shape<1x12x64x1500> | tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x12x64x16> | tensor<[1,12,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x7>>, shape: #ttnn.shape<1x12x64x197> | tensor<[1,12,64,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x12x64x25> | tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x2>>, shape: #ttnn.shape<1x12x64x50> | tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x12x64x7> | tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x12x64x9> | tensor<[1,12,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x12x7x64> | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<1x12x9x64> | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x16x128x9> | tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<685x3>>, shape: #ttnn.shape<1x16x1370x80> | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x16x1x64> | tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x16x256x64> | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x10> | tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x11> | tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x12> | tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x13> | tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x14> | tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x15> | tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x16> | tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x17> | tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x18> | tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x19> | tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x20> | tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x21> | tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x22> | tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x23> | tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x24> | tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x8>>, shape: #ttnn.shape<1x16x64x256> | tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x25> | tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x26> | tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x27> | tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x28> | tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x29> | tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x6> | tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x7> | tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x8> | tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x9> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x16x64x9> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x2>>, shape: #ttnn.shape<1x16x6x64> | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x43>>, shape: #ttnn.shape<1x16x80x1370> | tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<1x16x9x128> | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x2>>, shape: #ttnn.shape<1x16x9x64> | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x1x64x7> | tensor<[1,1,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x24x128x32> | tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x4>>, shape: #ttnn.shape<1x24x32x128> | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x28x128x13> | tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x4>>, shape: #ttnn.shape<1x28x13x128> | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x32x128x32> | tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x4>>, shape: #ttnn.shape<1x32x32x128> | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x2>>, shape: #ttnn.shape<1x3x1445x64> | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x46>>, shape: #ttnn.shape<1x3x64x1445> | tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x64x64x9> | tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x2>>, shape: #ttnn.shape<1x64x9x64> | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<1x71x7x64> | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x3>>, shape: #ttnn.shape<1x8x1024x80> | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x8>>, shape: #ttnn.shape<1x8x160x256> | tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x2>>, shape: #ttnn.shape<1x8x160x64> | tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x8x160x9> | tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x5>>, shape: #ttnn.shape<1x8x256x160> | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x2>>, shape: #ttnn.shape<1x8x4096x40> | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x128>>, shape: #ttnn.shape<1x8x40x4096> | tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x8x40x9> | tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x5>>, shape: #ttnn.shape<1x8x64x160> | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x32>>, shape: #ttnn.shape<1x8x80x1024> | tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x1>>, shape: #ttnn.shape<1x8x80x9> | tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<2x8x64x7> | tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x2>>, shape: #ttnn.shape<2x8x7x64> | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<4x16x1x64> | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<4x16x64x1> | tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x1x256> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x1x256> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x64>>, shape: #ttnn.shape<100x2048> | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x8>>, shape: #ttnn.shape<100x256> | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<100x4> | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<100x92> | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1024> | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x10x1024> | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x197x1024> | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1024x1536> | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1024x160> | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1024x3072> | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x160>>, shape: #ttnn.shape<1024x5120> | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x192>>, shape: #ttnn.shape<1024x6144> | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1024x640> | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1024x768> | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x7813>>, shape: #ttnn.shape<10x250002> | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<10x3072> | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<10x768> | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x40>>, shape: #ttnn.shape<1200x1280> | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1200x320> | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6534x1>>, shape: #ttnn.shape<121x12x144x32> | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3267x1>>, shape: #ttnn.shape<121x6x144x32> | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x48>>, shape: #ttnn.shape<1296x1536> | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x72>>, shape: #ttnn.shape<1296x2304> | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x144>>, shape: #ttnn.shape<1296x4608> | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x24>>, shape: #ttnn.shape<1296x768> | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x12> | tensor<[12,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<12x1536> | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<12x256> | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12x2> | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<12x3072> | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<12x768> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1370x1280> | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x120>>, shape: #ttnn.shape<1370x3840> | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x160>>, shape: #ttnn.shape<1370x5120> | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x13> | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<13x2> | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<13x3584> | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<13x512> | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1445x192> | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x24>>, shape: #ttnn.shape<1445x768> | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<14x2048> | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<14x2> | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<14x3072> | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<14x512> | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<14x768> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x96>>, shape: #ttnn.shape<1500x3072> | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1500x768> | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1536> | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x10x1536> | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x11x1536> | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x12x1536> | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x13x1536> | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x14x1536> | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x15x1536> | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1x1536> | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x6x1536> | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x7x1536> | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x8x1536> | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x9x1536> | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<16384x128> | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x48>>, shape: #ttnn.shape<16384x1536> | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<16384x192> | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<16384x32> | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<16384x384> | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<16384x768> | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x32> | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<16x3072> | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<16x768> | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<16x8x49x32> | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x36>>, shape: #ttnn.shape<17424x1152> | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x6>>, shape: #ttnn.shape<17424x192> | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x12>>, shape: #ttnn.shape<17424x384> | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x18>>, shape: #ttnn.shape<17424x576> | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x8>>, shape: #ttnn.shape<19200x256> | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<19200x64> | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x48>>, shape: #ttnn.shape<196x1536> | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<196x3072> | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<196x512> | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<196x768> | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<197x1024> | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<197x3072> | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x128>>, shape: #ttnn.shape<197x4096> | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<197x768> | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1000> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x100x14x14> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1024x10x10> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x1024x14x14> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1x1024x1536> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1x1024x1536> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1x1024x160> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1x1024x160> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x1024x16x16> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<608x1>>, shape: #ttnn.shape<1x1024x19x19> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x80>>, shape: #ttnn.shape<1x1024x2560> | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x1024x28x28> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1x1024x3072> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1x1024x3072> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x3>>, shape: #ttnn.shape<1x1024x45x80> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1x1024x768> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1x1024x768> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<462x1>>, shape: #ttnn.shape<1x1056x14x14> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<231x1>>, shape: #ttnn.shape<1x1056x7x7> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<476x1>>, shape: #ttnn.shape<1x1088x14x14> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x1088x7x7> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x10x1024> | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x10x1536> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x10x512> | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<490x1>>, shape: #ttnn.shape<1x1120x14x14> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x1>>, shape: #ttnn.shape<1x1120x7x7> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x112x14x14> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x112x15x15> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x112x20x20> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x112x24x24> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x112x7x7> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x1152x14x14> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x1152x7x7> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x1>>, shape: #ttnn.shape<1x1152x8x8> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x116x14x14> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<518x1>>, shape: #ttnn.shape<1x1184x14x14> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<259x1>>, shape: #ttnn.shape<1x1184x7x7> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x11x1536> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1x1200x320> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1x1200x320> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x120x14x14> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x120x17x17> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x2>>, shape: #ttnn.shape<1x120x40x40> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x2>>, shape: #ttnn.shape<1x120x40x40> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<532x1>>, shape: #ttnn.shape<1x1216x14x14> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x1216x7x7> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<546x1>>, shape: #ttnn.shape<1x1248x14x14> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<273x1>>, shape: #ttnn.shape<1x1248x7x7> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<351x1>>, shape: #ttnn.shape<1x1248x9x9> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x40>>, shape: #ttnn.shape<1x1280> | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<400x1>>, shape: #ttnn.shape<1x1280x10x10> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1280x12x12> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<560x1>>, shape: #ttnn.shape<1x1280x14x14> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x1280x16x16> | tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x1280x32x32> | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x1280x7x7> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x1280x9x9> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x128> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x4>>, shape: #ttnn.shape<1x128x112x112> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x128x128x128> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x128x14x14> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x5>>, shape: #ttnn.shape<1x128x150x150> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<68x1>>, shape: #ttnn.shape<1x128x17x17> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x10>>, shape: #ttnn.shape<1x128x180x320> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x128x1x1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x128x2x2> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x128x32x32> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<1x128x3x3> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x1>>, shape: #ttnn.shape<1x128x5x5> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<1x128x64x64> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x3>>, shape: #ttnn.shape<1x128x75x75> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x128x7x7> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x5>>, shape: #ttnn.shape<1x128x90x160> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<5x4>>, shape: #ttnn.shape<1x12x12x128> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x12x1536> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x128> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<97x9>>, shape: #ttnn.shape<1x12x257x257> | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x2>>, shape: #ttnn.shape<1x12x56x56> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x12x768> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x12x768> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x280>>, shape: #ttnn.shape<1x12x8960> | tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<574x1>>, shape: #ttnn.shape<1x1312x14x14> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<287x1>>, shape: #ttnn.shape<1x1312x7x7> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x1344x14x14> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x1>>, shape: #ttnn.shape<1x1344x28x28> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x1344x7x7> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<118x1>>, shape: #ttnn.shape<1x134x28x28> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x136x19x19> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1x1370x1280> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1x1370x1280> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<602x1>>, shape: #ttnn.shape<1x1376x14x14> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<301x1>>, shape: #ttnn.shape<1x1376x7x7> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<435x1>>, shape: #ttnn.shape<1x1392x10x10> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x1392x14x14> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x1392x14x14> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x1>>, shape: #ttnn.shape<1x1392x28x28> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x13x128> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x13x1536> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x592>>, shape: #ttnn.shape<1x13x18944> | tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<1x13x3584> | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<616x1>>, shape: #ttnn.shape<1x1408x14x14> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x1408x7x7> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<630x1>>, shape: #ttnn.shape<1x1440x14x14> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x1440x7x7> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1x1445x192> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1x1445x192> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x144x14x14> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<675x5>>, shape: #ttnn.shape<1x144x150x150> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<855x6>>, shape: #ttnn.shape<1x144x190x190> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x144x28x28> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<135x1>>, shape: #ttnn.shape<1x144x30x30> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x2>>, shape: #ttnn.shape<1x144x33x33> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x2>>, shape: #ttnn.shape<1x144x56x56> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<270x2>>, shape: #ttnn.shape<1x144x60x60> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<293x3>>, shape: #ttnn.shape<1x144x65x65> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<338x3>>, shape: #ttnn.shape<1x144x75x75> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x144x7x7> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<428x3>>, shape: #ttnn.shape<1x144x95x95> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<644x1>>, shape: #ttnn.shape<1x1472x14x14> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x1472x7x7> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x14x14x1024> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x14x14x1024> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x14x1536> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<1x14x56x56> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x14x768> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x14x768> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1x1500x768> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1x1500x768> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<658x1>>, shape: #ttnn.shape<1x1504x14x14> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<329x1>>, shape: #ttnn.shape<1x1504x7x7> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1536x10x10> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x1536x14x14> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x1536x7x7> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<686x1>>, shape: #ttnn.shape<1x1568x14x14> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<343x1>>, shape: #ttnn.shape<1x1568x7x7> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x15x1536> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x15x512> | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<700x1>>, shape: #ttnn.shape<1x1600x14x14> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x1600x7x7> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x160x14x14> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x1>>, shape: #ttnn.shape<1x160x24x24> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x160x28x28> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x2>>, shape: #ttnn.shape<1x160x56x56> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x160x7x7> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<612x1>>, shape: #ttnn.shape<1x1632x12x12> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<714x1>>, shape: #ttnn.shape<1x1632x14x14> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<357x1>>, shape: #ttnn.shape<1x1632x7x7> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<1x16384x192> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<1x16384x192> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x32> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x32> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<1x16384x384> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<1x16384x384> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<1x16384x768> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<1x16384x768> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<728x1>>, shape: #ttnn.shape<1x1664x14x14> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x1664x7x7> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x168x28x28> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<742x1>>, shape: #ttnn.shape<1x1696x14x14> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<371x1>>, shape: #ttnn.shape<1x1696x7x7> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x4>>, shape: #ttnn.shape<1x16x112x112> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x4>>, shape: #ttnn.shape<1x16x120x120> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<65x5>>, shape: #ttnn.shape<1x16x130x130> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x16x14x14> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x5>>, shape: #ttnn.shape<1x16x160x160> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x7>>, shape: #ttnn.shape<1x16x224x224> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x16x28x28> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x2>>, shape: #ttnn.shape<1x16x56x56> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x16x768> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x16x768> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<756x1>>, shape: #ttnn.shape<1x1728x14x14> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x1728x7x7> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<770x1>>, shape: #ttnn.shape<1x1760x14x14> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<385x1>>, shape: #ttnn.shape<1x1760x7x7> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<784x1>>, shape: #ttnn.shape<1x1792x14x14> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x1792x7x7> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<399x1>>, shape: #ttnn.shape<1x1824x7x7> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x184x14x14> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x184x14x14> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<115x1>>, shape: #ttnn.shape<1x184x20x20> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x184x7x7> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x1856x7x7> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<413x1>>, shape: #ttnn.shape<1x1888x7x7> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x18x14x14> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x18x28x28> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x18x56x56> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x18x7x7> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<1x19200x64> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<1x19200x64> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x1920x16x16> | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x1>>, shape: #ttnn.shape<1x1920x32x32> | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x1920x7x7> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x192x14x14> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x192x17x17> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x192x28x28> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x2>>, shape: #ttnn.shape<1x192x35x35> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<228x2>>, shape: #ttnn.shape<1x192x38x38> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x2>>, shape: #ttnn.shape<1x192x48x48> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x2>>, shape: #ttnn.shape<1x192x56x56> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<450x3>>, shape: #ttnn.shape<1x192x75x75> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x192x7x7> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x192x8x8> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<570x3>>, shape: #ttnn.shape<1x192x95x95> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x196x14x14> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x196x768> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x196x768> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x197x1024> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x197x1024> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x128> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1x1536> | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x16x32> | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x10> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x15> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x7>>, shape: #ttnn.shape<1x1x1x201> | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x1x1x2048> | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x8> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x20>>, shape: #ttnn.shape<1x1x480x640> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x512> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x512> | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x7x64> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x280>>, shape: #ttnn.shape<1x1x8960> | tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<88x1>>, shape: #ttnn.shape<1x200x14x14> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<88x1>>, shape: #ttnn.shape<1x200x14x14> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<125x1>>, shape: #ttnn.shape<1x200x20x20> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x200x7x7> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x201x768> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x201x768> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2048x10x10> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x2048x14x14> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1472x2>>, shape: #ttnn.shape<1x2048x23x40> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x2048x7x7> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<91x1>>, shape: #ttnn.shape<1x208x14x14> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<59x1>>, shape: #ttnn.shape<1x208x9x9> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x20x28x28> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x683>>, shape: #ttnn.shape<1x21843> | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x224x14x14> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x1>>, shape: #ttnn.shape<1x224x17x17> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x224x28x28> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x2>>, shape: #ttnn.shape<1x224x35x35> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<1x224x56x56> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x224x7x7> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<73x1>>, shape: #ttnn.shape<1x232x10x10> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x4>>, shape: #ttnn.shape<1x232x112x112> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x2>>, shape: #ttnn.shape<1x232x56x56> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x2>>, shape: #ttnn.shape<1x232x56x56> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x240x14x14> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<113x1>>, shape: #ttnn.shape<1x240x15x15> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x240x20x20> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x240x28x28> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x240x28x28> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x240x30x30> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x2>>, shape: #ttnn.shape<1x240x40x40> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x4>>, shape: #ttnn.shape<1x24x112x112> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x24x14x14> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<113x5>>, shape: #ttnn.shape<1x24x150x150> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<143x6>>, shape: #ttnn.shape<1x24x190x190> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x24x28x28> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x4>>, shape: #ttnn.shape<1x24x32x128> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x2>>, shape: #ttnn.shape<1x24x56x56> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<45x2>>, shape: #ttnn.shape<1x24x60x60> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x3>>, shape: #ttnn.shape<1x24x65x65> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x24x80x80> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1103x1>>, shape: #ttnn.shape<1x2520x14x14> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<552x1>>, shape: #ttnn.shape<1x2520x7x7> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x2560x16x16> | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2560x8x8> | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<1x256> | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x256x10x10> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<1x256x128x128> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x256x14x14> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<1x256x1536> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<1x256x1536> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<1x256x160> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<1x256x160> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x256x16x16> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x1>>, shape: #ttnn.shape<1x256x17x17> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x10>>, shape: #ttnn.shape<1x256x180x320> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x256x2x2> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x96>>, shape: #ttnn.shape<1x256x3072> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x96>>, shape: #ttnn.shape<1x256x3072> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x32> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x32> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x32x32> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<304x2>>, shape: #ttnn.shape<1x256x38x38> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x256x3x3> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x3>>, shape: #ttnn.shape<1x256x45x80> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x160>>, shape: #ttnn.shape<1x256x5120> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x256x512> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x256x512> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x256x5x5> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x256x64> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x256x64> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x2>>, shape: #ttnn.shape<1x256x64x64> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x3>>, shape: #ttnn.shape<1x256x75x75> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x256x7x7> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x256x8x8> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x5>>, shape: #ttnn.shape<1x256x90x160> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x257x768> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x257x768> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x25x768> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x25x768> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x272x12x12> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x1>>, shape: #ttnn.shape<1x272x7x7> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x27x768> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x27x768> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x288x14x14> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<153x1>>, shape: #ttnn.shape<1x288x17x17> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<171x1>>, shape: #ttnn.shape<1x288x19x19> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x288x28x28> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<297x2>>, shape: #ttnn.shape<1x288x33x33> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x2>>, shape: #ttnn.shape<1x288x38x38> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x4>>, shape: #ttnn.shape<1x28x13x128> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x28> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x16>>, shape: #ttnn.shape<1x28x28x512> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x16>>, shape: #ttnn.shape<1x28x28x512> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x2> | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x12x128> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x2x1x128> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<1x300x128> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<1x300x128> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<1x300x320> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<1x300x320> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x300x512> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x300x512> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x300x64> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x300x64> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x3072> | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x3072x10x16> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x3072x10x16> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1056x1>>, shape: #ttnn.shape<1x3072x11x16> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1056x1>>, shape: #ttnn.shape<1x3072x11x16> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1152x1>>, shape: #ttnn.shape<1x3072x12x16> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1152x1>>, shape: #ttnn.shape<1x3072x12x16> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1248x1>>, shape: #ttnn.shape<1x3072x13x16> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1248x1>>, shape: #ttnn.shape<1x3072x13x16> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1344x1>>, shape: #ttnn.shape<1x3072x14x16> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1344x1>>, shape: #ttnn.shape<1x3072x14x16> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x1>>, shape: #ttnn.shape<1x3072x15x16> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x1>>, shape: #ttnn.shape<1x3072x15x16> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x16> | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x3072x10x16> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1056x1>>, shape: #ttnn.shape<1x3072x11x16> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1152x1>>, shape: #ttnn.shape<1x3072x12x16> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1248x1>>, shape: #ttnn.shape<1x3072x13x16> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1344x1>>, shape: #ttnn.shape<1x3072x14x16> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x1>>, shape: #ttnn.shape<1x3072x15x16> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<576x1>>, shape: #ttnn.shape<1x3072x6x16> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x3072x7x16> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x1>>, shape: #ttnn.shape<1x3072x8x16> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x1>>, shape: #ttnn.shape<1x3072x9x16> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<576x1>>, shape: #ttnn.shape<1x3072x6x16> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<576x1>>, shape: #ttnn.shape<1x3072x6x16> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x3072x7x16> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x3072x7x16> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x1>>, shape: #ttnn.shape<1x3072x8x16> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<768x1>>, shape: #ttnn.shape<1x3072x8x16> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x1>>, shape: #ttnn.shape<1x3072x9x16> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x1>>, shape: #ttnn.shape<1x3072x9x16> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x98>>, shape: #ttnn.shape<1x3129> | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x320x14x14> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<170x1>>, shape: #ttnn.shape<1x320x17x17> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x320x28x28> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x320x32x32> | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x320x7x7> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x320x8x8> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32> | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x32>>, shape: #ttnn.shape<1x32x10x1024> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x128>>, shape: #ttnn.shape<1x32x10x4096> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x344>>, shape: #ttnn.shape<1x32x11008> | tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x4>>, shape: #ttnn.shape<1x32x112x112> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x4>>, shape: #ttnn.shape<1x32x120x120> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x5>>, shape: #ttnn.shape<1x32x120x160> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x32x128> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x4>>, shape: #ttnn.shape<1x32x128x128> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<130x5>>, shape: #ttnn.shape<1x32x130x130> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x5>>, shape: #ttnn.shape<1x32x147x147> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x5>>, shape: #ttnn.shape<1x32x149x149> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x32x14x14> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x5>>, shape: #ttnn.shape<1x32x150x150> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x32x1536> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x32x1536> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<190x6>>, shape: #ttnn.shape<1x32x190x190> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x32>>, shape: #ttnn.shape<1x32x20x1024> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x8>>, shape: #ttnn.shape<1x32x20x256> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x128>>, shape: #ttnn.shape<1x32x20x4096> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x32x256x256> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x32x28x28> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x32x3072> | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x32>>, shape: #ttnn.shape<1x32x30x1024> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x128>>, shape: #ttnn.shape<1x32x30x4096> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x32x30x40> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x4>>, shape: #ttnn.shape<1x32x32x128> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x32x4096> | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x32>>, shape: #ttnn.shape<1x32x40x1024> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x8>>, shape: #ttnn.shape<1x32x40x256> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x2>>, shape: #ttnn.shape<1x32x40x64> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x32x49x32> | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x16>>, shape: #ttnn.shape<1x32x512x512> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x2>>, shape: #ttnn.shape<1x32x56x56> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x32>>, shape: #ttnn.shape<1x32x60x1024> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x8>>, shape: #ttnn.shape<1x32x60x256> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x32x60x80> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<1x32x6144> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<1x32x6144> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<1x32x6144> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<1x32x6144> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x3>>, shape: #ttnn.shape<1x32x75x75> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x32x7x7> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x8>>, shape: #ttnn.shape<1x32x80x256> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x2>>, shape: #ttnn.shape<1x32x80x64> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x32x8192> | tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<95x3>>, shape: #ttnn.shape<1x32x95x95> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x334x14x14> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x4>>, shape: #ttnn.shape<1x336x112x112> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x336x14x14> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x336x24x24> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x2>>, shape: #ttnn.shape<1x336x48x48> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x2>>, shape: #ttnn.shape<1x336x56x56> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x34x28x28> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<154x1>>, shape: #ttnn.shape<1x352x14x14> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x352x28x28> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x1>>, shape: #ttnn.shape<1x352x9x9> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x36x14x14> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x36x28x28> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x2>>, shape: #ttnn.shape<1x36x56x56> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x36x7x7> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1624x1>>, shape: #ttnn.shape<1x3712x14x14> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x1>>, shape: #ttnn.shape<1x3712x7x7> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x1>>, shape: #ttnn.shape<1x3712x7x7> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x1>>, shape: #ttnn.shape<1x384x10x10> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x384x14x14> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<204x1>>, shape: #ttnn.shape<1x384x17x17> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x384x28x28> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x384x7x7> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x384x8x8> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x3> | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x3x16x16x2> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x3x16x16x2> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x3x16x16x2> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3x32x32x2> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3x32x32x2> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3x32x32x2> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<1x3x64x64x2> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<1x3x64x64x2> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<1x3x64x64x2> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x4096> | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x40>>, shape: #ttnn.shape<1x4096x1280> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<1x4096x1536> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<1x4096x1536> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<1x4096x320> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<1x4096x320> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<1x4096x384> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<1x4096x384> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x4096x64> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x4096x64> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<1x4096x768> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<1x4096x768> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x40x14x14> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x40x28x28> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x40x30x30> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x40x40x40> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x40x56x56> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<182x1>>, shape: #ttnn.shape<1x416x14x14> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x416x28x28> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x448x12x12> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x448x14x14> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x448x28x28> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x448x8x8> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x45x768> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x45x768> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x462x7x7> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x46> | tensor<[1,46,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x46x28x28> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x47> | tensor<[1,47,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<1x4800x128> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<1x4800x128> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x480x10x10> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x480x15x15> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x480x10x10> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x1>>, shape: #ttnn.shape<1x480x20x20> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x1>>, shape: #ttnn.shape<1x480x20x20> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x480x28x28> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x480x7x7> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x48> | tensor<[1,48,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x48x14x14> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x48x33x33> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x2>>, shape: #ttnn.shape<1x48x38x38> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x2>>, shape: #ttnn.shape<1x48x56x56> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x48x7x7> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x49> | tensor<[1,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x4>>, shape: #ttnn.shape<1x4x13x128> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x50> | tensor<[1,50,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x50x3072> | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x50x3072> | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x50x768> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x50x768> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1600>>, shape: #ttnn.shape<1x51200> | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x512x16x16> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<368x2>>, shape: #ttnn.shape<1x512x23x40> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x512x32x32> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x3>>, shape: #ttnn.shape<1x512x45x80> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x2>>, shape: #ttnn.shape<1x512x56x56> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x512x5x5> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x512x7x7> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x512x8x8> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x5>>, shape: #ttnn.shape<1x512x90x160> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x51> | tensor<[1,51,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<281x1>>, shape: #ttnn.shape<1x528x17x17> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x52> | tensor<[1,52,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x53> | tensor<[1,53,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x544x14x14> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x54> | tensor<[1,54,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x55> | tensor<[1,55,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x56> | tensor<[1,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x56x14x14> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x2>>, shape: #ttnn.shape<1x56x48x48> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x576x14x14> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x1>>, shape: #ttnn.shape<1x576x19x19> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x576x7x7> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x57> | tensor<[1,57,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x58> | tensor<[1,58,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x58x28x28> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x59> | tensor<[1,59,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x5x1024> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x5x1024> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x5x16x32> | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x608x14x14> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x60> | tensor<[1,60,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x60x28x28> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x61> | tensor<[1,61,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x62> | tensor<[1,62,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x63> | tensor<[1,63,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x640x14x14> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x640x16x16> | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x2>>, shape: #ttnn.shape<1x640x64x64> | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x4>>, shape: #ttnn.shape<1x64x112x112> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<1x64x1280> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<1x64x1280> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<1x64x128x128> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x5>>, shape: #ttnn.shape<1x64x147x147> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x64x14x14> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x5>>, shape: #ttnn.shape<1x64x150x150> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x5>>, shape: #ttnn.shape<1x64x160x160> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x10>>, shape: #ttnn.shape<1x64x180x320> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1x1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x7>>, shape: #ttnn.shape<1x64x224x224> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x64x256x256> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x64x28x28> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x64x2x2> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x64x35x35> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x20>>, shape: #ttnn.shape<1x64x360x640> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x160>>, shape: #ttnn.shape<1x64x5120> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x2>>, shape: #ttnn.shape<1x64x56x56> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x64x64x64> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<146x3>>, shape: #ttnn.shape<1x64x73x73> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x3>>, shape: #ttnn.shape<1x64x80x80> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<1x65536x192> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<1x65536x192> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x65> | tensor<[1,65,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x66> | tensor<[1,66,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x672x10x10> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x672x15x15> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x672x10x10> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x672x20x20> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x672x20x20> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x672x24x24> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x672x28x28> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x2>>, shape: #ttnn.shape<1x672x56x56> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x672x8x8> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x67> | tensor<[1,67,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x68> | tensor<[1,68,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x68x14x14> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x2>>, shape: #ttnn.shape<1x68x56x56> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x696x28x28> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x696x28x28> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x2>>, shape: #ttnn.shape<1x696x56x56> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x69> | tensor<[1,69,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x6x1536> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x704x14x14> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x70> | tensor<[1,70,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x71> | tensor<[1,71,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x2>>, shape: #ttnn.shape<1x71x7x64> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<383x1>>, shape: #ttnn.shape<1x720x17x17> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x720x9x9> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<433x1>>, shape: #ttnn.shape<1x728x19x19> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<865x2>>, shape: #ttnn.shape<1x728x38x38> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x72> | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x72x14x14> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x72x28x28> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x2>>, shape: #ttnn.shape<1x72x40x40> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x72x28x28> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x72x28x28> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x2>>, shape: #ttnn.shape<1x72x40x40> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x2>>, shape: #ttnn.shape<1x72x56x56> | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x2>>, shape: #ttnn.shape<1x72x56x56> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x72x7x7> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x3>>, shape: #ttnn.shape<1x72x80x80> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x736x14x14> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x73> | tensor<[1,73,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x74> | tensor<[1,74,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x75> | tensor<[1,75,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x768x14x14> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x768x14x14> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x76> | tensor<[1,76,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x77> | tensor<[1,77,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x25>>, shape: #ttnn.shape<1x784> | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x78> | tensor<[1,78,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<69x1>>, shape: #ttnn.shape<1x78x28x28> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x79> | tensor<[1,79,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x7x1536> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<1x7x4544> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<1x7x4544> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<1x7x7x1024> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<1x7x7x1024> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x7x7x2048> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x7x7x2048> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x800x14x14> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x80> | tensor<[1,80,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x80x10x10> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x80x14x14> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x80x15x15> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x1>>, shape: #ttnn.shape<1x80x20x20> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x80x7x7> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<255x1>>, shape: #ttnn.shape<1x816x10x10> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<485x1>>, shape: #ttnn.shape<1x816x19x19> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x81> | tensor<[1,81,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x82> | tensor<[1,82,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x832x14x14> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x83> | tensor<[1,83,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x84> | tensor<[1,84,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x85> | tensor<[1,85,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x864x14x14> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x86> | tensor<[1,86,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x87> | tensor<[1,87,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x88> | tensor<[1,88,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x1>>, shape: #ttnn.shape<1x88x17x17> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x896x14x14> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x896x7x7> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x89> | tensor<[1,89,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x4>>, shape: #ttnn.shape<1x8x112x112> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x8x1536> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x4>>, shape: #ttnn.shape<1x8x32x128> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x90> | tensor<[1,90,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x91> | tensor<[1,91,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x928x14x14> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x928x7x7> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x92> | tensor<[1,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x92x14x14> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x93> | tensor<[1,93,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x94> | tensor<[1,94,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x95> | tensor<[1,95,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x960x12x12> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x960x14x14> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x1>>, shape: #ttnn.shape<1x960x24x24> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x960x32x32> | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x1>>, shape: #ttnn.shape<1x960x3x3> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x2>>, shape: #ttnn.shape<1x960x64x64> | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x96> | tensor<[1,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x4>>, shape: #ttnn.shape<1x96x112x112> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x4>>, shape: #ttnn.shape<1x96x120x120> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<390x5>>, shape: #ttnn.shape<1x96x130x130> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x96x14x14> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x1>>, shape: #ttnn.shape<1x96x19x19> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x96x28x28> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x2>>, shape: #ttnn.shape<1x96x35x35> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x2>>, shape: #ttnn.shape<1x96x56x56> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x2>>, shape: #ttnn.shape<1x96x60x60> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<195x3>>, shape: #ttnn.shape<1x96x65x65> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<213x3>>, shape: #ttnn.shape<1x96x71x71> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<219x3>>, shape: #ttnn.shape<1x96x73x73> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x97> | tensor<[1,97,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x98> | tensor<[1,98,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x98x28x28> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<434x1>>, shape: #ttnn.shape<1x992x14x14> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<217x1>>, shape: #ttnn.shape<1x992x7x7> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x99> | tensor<[1,99,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x9x1024> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x9x1024> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x9x1536> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x9x2048> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x9x2048> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x9x768> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x9x768> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<201x3072> | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<201x768> | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x40>>, shape: #ttnn.shape<2048x1280> | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x8>>, shape: #ttnn.shape<2048x256> | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<2048x768> | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x8>>, shape: #ttnn.shape<256> | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x320>>, shape: #ttnn.shape<256x10240> | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<256x1024> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<256x1280> | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<256x1536> | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<256x160> | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<256x256> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<256x2> | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<256x32> | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x128>>, shape: #ttnn.shape<256x4096> | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<256x512> | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x192>>, shape: #ttnn.shape<256x6144> | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<256x64> | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x24>>, shape: #ttnn.shape<256x768> | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x72>>, shape: #ttnn.shape<257x2304> | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x96>>, shape: #ttnn.shape<257x3072> | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<257x768> | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<25x2> | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<25x3072> | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<25x768> | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x954>>, shape: #ttnn.shape<27x30522> | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<27x38> | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<27x50257> | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2> | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<2x13x768> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1> | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1x1x13> | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<2x7x2048> | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<2x7x2048> | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<300x128> | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x64>>, shape: #ttnn.shape<300x2048> | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<300x320> | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<300x512> | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<300x64> | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x32x3072> | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<3136x128> | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x12>>, shape: #ttnn.shape<3136x384> | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x102>>, shape: #ttnn.shape<3234> | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<32x1536> | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<32x32> | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x144>>, shape: #ttnn.shape<32x4608> | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<32x6144> | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<3584> | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<1x13x3584> | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x1>>, shape: #ttnn.shape<36x12x144x32> | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3888x1>>, shape: #ttnn.shape<36x24x144x32> | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<4096> | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x32x4096> | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<4096x1536> | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x80>>, shape: #ttnn.shape<4096x2560> | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x8>>, shape: #ttnn.shape<4096x256> | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x96>>, shape: #ttnn.shape<4096x3072> | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<4096x320> | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<4096x384> | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<4096x64> | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<4096x768> | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<45x3072> | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<45x45> | tensor<[45,45,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<45x768> | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<4800x128> | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x16>>, shape: #ttnn.shape<4800x512> | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<13068x1>>, shape: #ttnn.shape<484x6x144x32> | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<49x1024> | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<49x3072> | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<4x13x1024> | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<4x16x49x32> | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1x1024> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1x1024> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1x1024> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<864x1>>, shape: #ttnn.shape<4x48x144x32> | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<50x3072> | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<50x768> | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1600>>, shape: #ttnn.shape<51200> | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<512> | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x10x512> | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x15x512> | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x512> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x36>>, shape: #ttnn.shape<5184x1152> | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x72>>, shape: #ttnn.shape<5184x2304> | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x12>>, shape: #ttnn.shape<5184x384> | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x24>>, shape: #ttnn.shape<5184x768> | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<52x1024> | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x48>>, shape: #ttnn.shape<576x1536> | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x144>>, shape: #ttnn.shape<576x4608> | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<5x1024> | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<5x4096> | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1600>>, shape: #ttnn.shape<5x51200> | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x5> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x320>>, shape: #ttnn.shape<64x10240> | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<64x1280> | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<64x4x49x32> | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<65536x192> | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x24>>, shape: #ttnn.shape<65536x768> | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x6>>, shape: #ttnn.shape<69696x192> | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x18>>, shape: #ttnn.shape<69696x576> | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<6x1024> | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<6x4096> | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<2x13x768> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x7>>, shape: #ttnn.shape<768x196> | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<784x256> | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x24>>, shape: #ttnn.shape<784x768> | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x72>>, shape: #ttnn.shape<7x2304> | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<7x3072> | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<7x768> | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<8x100x32> | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<230x1>>, shape: #ttnn.shape<8x920x32> | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x1x256> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x1x256> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x64>>, shape: #ttnn.shape<920x2048> | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x256> | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<9x1024> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<9x128> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<9x16384> | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<9x2048> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<972x1>>, shape: #ttnn.shape<9x24x144x32> | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x938>>, shape: #ttnn.shape<9x30000> | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<9x3072> | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<9x4096> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1944x1>>, shape: #ttnn.shape<9x48x144x32> | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<9x768> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<9x8192> | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<4x49x49> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<64x49x49> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x2> | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x2> | tensor<[8,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x64> | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x16x16> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x7x32> | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x2>>, shape: #ttnn.shape<1x24x32x64> | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x2>>, shape: #ttnn.shape<1x28x13x64> | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x2x12x64> | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x2x1x64> | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x32x32x64> | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x4x13x64> | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<3x1>>, shape: #ttnn.shape<1x5x16x16> | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x71x7x32> | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x8x32x64> | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<3072x16> | tensor<[3072,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x10x1536> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x10x512> | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x11x1536> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x12x1536> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x13x1536> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x112>>, shape: #ttnn.shape<1x13x3584> | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x14x1536> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x15x1536> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x15x512> | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1x1536> | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x512> | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x32x3072> | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x32x4096> | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x3x16x16x2> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3x32x32x2> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x1>>, shape: #ttnn.shape<1x3x64x64x2> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x512> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x6x1536> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x7x1536> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x8x1536> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x9x1536> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<2x13x768> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1> | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x512> | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x100x14x14> | tensor<[1,100,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x6>>, shape: #ttnn.shape<1x100x192> | tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1024x10x10> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x1024x14x14> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<608x1>>, shape: #ttnn.shape<1x1024x19x19> | tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x1024x28x28> | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x3>>, shape: #ttnn.shape<1x1024x45x80> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<462x1>>, shape: #ttnn.shape<1x1056x14x14> | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<231x1>>, shape: #ttnn.shape<1x1056x7x7> | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<476x1>>, shape: #ttnn.shape<1x1088x14x14> | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x1088x7x7> | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x10x2048> | tensor<[1,10,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x10x3072> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x10x4096> | tensor<[1,10,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<490x1>>, shape: #ttnn.shape<1x1120x14x14> | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x1>>, shape: #ttnn.shape<1x1120x7x7> | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x112x14x14> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x1152x14x14> | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x1152x7x7> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<518x1>>, shape: #ttnn.shape<1x1184x14x14> | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<259x1>>, shape: #ttnn.shape<1x1184x7x7> | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x120x1x1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x2>>, shape: #ttnn.shape<1x120x40x40> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<532x1>>, shape: #ttnn.shape<1x1216x14x14> | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x1216x7x7> | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<546x1>>, shape: #ttnn.shape<1x1248x14x14> | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<273x1>>, shape: #ttnn.shape<1x1248x7x7> | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x128> | tensor<[1,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<560x1>>, shape: #ttnn.shape<1x1280x14x14> | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x1280x1x1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x1280x7x7> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x4>>, shape: #ttnn.shape<1x128x112x112> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x128x14x14> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x5>>, shape: #ttnn.shape<1x128x150x150> | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<68x1>>, shape: #ttnn.shape<1x128x17x17> | tensor<[1,128,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x10>>, shape: #ttnn.shape<1x128x180x320> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<1x128x64x64> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x3>>, shape: #ttnn.shape<1x128x75x75> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x128x7x7> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x5>>, shape: #ttnn.shape<1x128x90x160> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<574x1>>, shape: #ttnn.shape<1x1312x14x14> | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<287x1>>, shape: #ttnn.shape<1x1312x7x7> | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x1344x14x14> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x1>>, shape: #ttnn.shape<1x1344x28x28> | tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x1344x7x7> | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<602x1>>, shape: #ttnn.shape<1x1376x14x14> | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<301x1>>, shape: #ttnn.shape<1x1376x7x7> | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x1392x14x14> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x1>>, shape: #ttnn.shape<1x1392x28x28> | tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<616x1>>, shape: #ttnn.shape<1x1408x14x14> | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x1408x7x7> | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<630x1>>, shape: #ttnn.shape<1x1440x14x14> | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x1440x7x7> | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x144x14x14> | tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x144x7x7> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<644x1>>, shape: #ttnn.shape<1x1472x14x14> | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x1472x7x7> | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<658x1>>, shape: #ttnn.shape<1x1504x14x14> | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<329x1>>, shape: #ttnn.shape<1x1504x7x7> | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1536x10x10> | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x1536x14x14> | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x1536x7x7> | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<686x1>>, shape: #ttnn.shape<1x1568x14x14> | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<343x1>>, shape: #ttnn.shape<1x1568x7x7> | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<700x1>>, shape: #ttnn.shape<1x1600x14x14> | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x1600x7x7> | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x160x14x14> | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x160x28x28> | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x2>>, shape: #ttnn.shape<1x160x56x56> | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x160x7x7> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<714x1>>, shape: #ttnn.shape<1x1632x14x14> | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<357x1>>, shape: #ttnn.shape<1x1632x7x7> | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<728x1>>, shape: #ttnn.shape<1x1664x14x14> | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x1664x7x7> | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x168x1x1> | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<742x1>>, shape: #ttnn.shape<1x1696x14x14> | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<371x1>>, shape: #ttnn.shape<1x1696x7x7> | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x4>>, shape: #ttnn.shape<1x16x112x112> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x16x14x14> | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x5>>, shape: #ttnn.shape<1x16x160x160> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x7>>, shape: #ttnn.shape<1x16x224x224> | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x16x28x28> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<756x1>>, shape: #ttnn.shape<1x1728x14x14> | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x1728x7x7> | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<6x1>>, shape: #ttnn.shape<1x174x1x1> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<770x1>>, shape: #ttnn.shape<1x1760x14x14> | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<385x1>>, shape: #ttnn.shape<1x1760x7x7> | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<784x1>>, shape: #ttnn.shape<1x1792x14x14> | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x1792x7x7> | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<399x1>>, shape: #ttnn.shape<1x1824x7x7> | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x1856x7x7> | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<413x1>>, shape: #ttnn.shape<1x1888x7x7> | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x18x14x14> | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x18x28x28> | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x18x56x56> | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x1920x7x7> | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x192x14x14> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x192x17x17> | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x192x28x28> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x2>>, shape: #ttnn.shape<1x192x35x35> | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x2>>, shape: #ttnn.shape<1x192x56x56> | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x192x7x7> | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x192x8x8> | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x1x2048> | tensor<[1,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2048x10x10> | tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x2048x14x14> | tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1472x2>>, shape: #ttnn.shape<1x2048x23x40> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x2048x7x7> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<91x1>>, shape: #ttnn.shape<1x208x14x14> | tensor<[1,208,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20x1x1> | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x224x14x14> | tensor<[1,224,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x1>>, shape: #ttnn.shape<1x224x17x17> | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x224x28x28> | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x2>>, shape: #ttnn.shape<1x224x35x35> | tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<1x224x56x56> | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x224x7x7> | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x4>>, shape: #ttnn.shape<1x232x112x112> | tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x2>>, shape: #ttnn.shape<1x232x56x56> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x240x14x14> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x240x1x1> | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x4>>, shape: #ttnn.shape<1x24x112x112> | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x24x14x14> | tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24x1x1> | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1103x1>>, shape: #ttnn.shape<1x2520x14x14> | tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<552x1>>, shape: #ttnn.shape<1x2520x7x7> | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<1x256x128x128> | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x256x14x14> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x1>>, shape: #ttnn.shape<1x256x17x17> | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x10>>, shape: #ttnn.shape<1x256x180x320> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x32x32> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<304x2>>, shape: #ttnn.shape<1x256x38x38> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x3>>, shape: #ttnn.shape<1x256x45x80> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x3>>, shape: #ttnn.shape<1x256x75x75> | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x256x7x7> | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x256x8x8> | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x5>>, shape: #ttnn.shape<1x256x90x160> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x288x14x14> | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x288x28x28> | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x320x14x14> | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<170x1>>, shape: #ttnn.shape<1x320x17x17> | tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x320x28x28> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x320x7x7> | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x320x8x8> | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x4>>, shape: #ttnn.shape<1x32x112x112> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x5>>, shape: #ttnn.shape<1x32x120x160> | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x5>>, shape: #ttnn.shape<1x32x147x147> | tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x5>>, shape: #ttnn.shape<1x32x149x149> | tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x32x14x14> | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x5>>, shape: #ttnn.shape<1x32x150x150> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x32x256x256> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<26x1>>, shape: #ttnn.shape<1x32x26x26> | tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x32x28x28> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x32x30x40> | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x2>>, shape: #ttnn.shape<1x32x56x56> | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x32x60x80> | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x32x7x7> | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x4>>, shape: #ttnn.shape<1x336x112x112> | tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x336x14x14> | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x2>>, shape: #ttnn.shape<1x336x56x56> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x348x1x1> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<154x1>>, shape: #ttnn.shape<1x352x14x14> | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x352x28x28> | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x36x14x14> | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x36x28x28> | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x2>>, shape: #ttnn.shape<1x36x56x56> | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1624x1>>, shape: #ttnn.shape<1x3712x14x14> | tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x1>>, shape: #ttnn.shape<1x3712x7x7> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x384x14x14> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<204x1>>, shape: #ttnn.shape<1x384x17x17> | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x384x28x28> | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x384x7x7> | tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x384x8x8> | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x4096> | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<182x1>>, shape: #ttnn.shape<1x416x14x14> | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x416x28x28> | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x448x14x14> | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x448x28x28> | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x448x8x8> | tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x480x28x28> | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x480x7x7> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x48x14x14> | tensor<[1,48,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x48x7x7> | tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x4x14x14> | tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x512x16x16> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<368x2>>, shape: #ttnn.shape<1x512x23x40> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x3>>, shape: #ttnn.shape<1x512x45x80> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x2>>, shape: #ttnn.shape<1x512x56x56> | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x512x7x7> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x512x8x8> | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1440x5>>, shape: #ttnn.shape<1x512x90x160> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x544x14x14> | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x576x14x14> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x58x1x1> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x608x14x14> | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x60x28x28> | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x64> | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x640x14x14> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x4>>, shape: #ttnn.shape<1x64x112x112> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<1x64x128x128> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x5>>, shape: #ttnn.shape<1x64x147x147> | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x64x14x14> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x5>>, shape: #ttnn.shape<1x64x150x150> | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x5>>, shape: #ttnn.shape<1x64x160x160> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x10>>, shape: #ttnn.shape<1x64x180x320> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x7>>, shape: #ttnn.shape<1x64x224x224> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x64x24x24> | tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x64x28x28> | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x64x35x35> | tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x20>>, shape: #ttnn.shape<1x64x360x640> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x20>>, shape: #ttnn.shape<1x64x480x640> | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x2>>, shape: #ttnn.shape<1x64x56x56> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<146x3>>, shape: #ttnn.shape<1x64x73x73> | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x3>>, shape: #ttnn.shape<1x64x80x80> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x672x28x28> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x2>>, shape: #ttnn.shape<1x672x56x56> | tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x696x28x28> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x2>>, shape: #ttnn.shape<1x696x56x56> | tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x704x14x14> | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<433x1>>, shape: #ttnn.shape<1x728x19x19> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<865x2>>, shape: #ttnn.shape<1x728x38x38> | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x72x14x14> | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x72x28x28> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x2>>, shape: #ttnn.shape<1x72x40x40> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x2>>, shape: #ttnn.shape<1x72x56x56> | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x3>>, shape: #ttnn.shape<1x72x80x80> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x736x14x14> | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x768x14x14> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x800x14x14> | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x832x14x14> | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x864x14x14> | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x896x14x14> | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x896x7x7> | tensor<[1,896,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x4>>, shape: #ttnn.shape<1x8x112x112> | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1x1> | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x928x14x14> | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x928x7x7> | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x92x14x14> | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x960x14x14> | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x96x14x14> | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x96x28x28> | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x2>>, shape: #ttnn.shape<1x96x35x35> | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x2>>, shape: #ttnn.shape<1x96x56x56> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<213x3>>, shape: #ttnn.shape<1x96x71x71> | tensor<[1,96,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<219x3>>, shape: #ttnn.shape<1x96x73x73> | tensor<[1,96,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<434x1>>, shape: #ttnn.shape<1x992x14x14> | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<217x1>>, shape: #ttnn.shape<1x992x7x7> | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<2x13x3072> | tensor<[2,13,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x8>>, shape: #ttnn.shape<6x1x100x256> | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<6x4096> | tensor<[6,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x64>>, shape: #ttnn.shape<920x1x2048> | tensor<[920,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<792x192>>, shape: #ttnn.shape<1x6x132x192> | tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16632x192>>, shape: #ttnn.shape<1x126x132x192> | tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x6>>, shape: #ttnn.shape<1x132x132x192> | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<792x192>>, shape: #ttnn.shape<1x132x6x192> | tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16632x192>>, shape: #ttnn.shape<1x132x126x192> | tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16632x384>>, shape: #ttnn.shape<1x126x132x384> | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<792x384>>, shape: #ttnn.shape<1x6x132x384> | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x12>>, shape: #ttnn.shape<1x132x132x384> | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16632x384>>, shape: #ttnn.shape<1x132x126x384> | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<792x384>>, shape: #ttnn.shape<1x132x6x384> | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<792x384>>, shape: #ttnn.shape<1x6x132x384> | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16632x384>>, shape: #ttnn.shape<1x126x132x384> | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<545x12>>, shape: #ttnn.shape<1x132x132x384> | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<792x384>>, shape: #ttnn.shape<1x132x6x384> | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16632x384>>, shape: #ttnn.shape<1x132x126x384> | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<154x512>>, shape: #ttnn.shape<1x11x14x512> | tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<42x512>>, shape: #ttnn.shape<1x3x14x512> | tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<154x512>>, shape: #ttnn.shape<1x14x11x512> | tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<42x512>>, shape: #ttnn.shape<1x14x3x512> | tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<42x512>>, shape: #ttnn.shape<1x3x14x512> | tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<154x512>>, shape: #ttnn.shape<1x11x14x512> | tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<42x512>>, shape: #ttnn.shape<1x14x3x512> | tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<154x512>>, shape: #ttnn.shape<1x14x11x512> | tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x1536>>, shape: #ttnn.shape<1x18x24x1536> | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1536>>, shape: #ttnn.shape<1x6x24x1536> | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x48>>, shape: #ttnn.shape<1x24x24x1536> | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x1536>>, shape: #ttnn.shape<1x24x18x1536> | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1536>>, shape: #ttnn.shape<1x24x6x1536> | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1536>>, shape: #ttnn.shape<1x6x24x1536> | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x1536>>, shape: #ttnn.shape<1x18x24x1536> | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x48>>, shape: #ttnn.shape<1x24x24x1536> | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x1536>>, shape: #ttnn.shape<1x24x6x1536> | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x1536>>, shape: #ttnn.shape<1x24x18x1536> | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<68112x192>>, shape: #ttnn.shape<1x258x264x192> | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1584x192>>, shape: #ttnn.shape<1x6x264x192> | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x6>>, shape: #ttnn.shape<1x264x264x192> | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<68112x192>>, shape: #ttnn.shape<1x264x258x192> | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1584x192>>, shape: #ttnn.shape<1x264x6x192> | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1584x192>>, shape: #ttnn.shape<1x6x264x192> | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<68112x192>>, shape: #ttnn.shape<1x258x264x192> | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2178x6>>, shape: #ttnn.shape<1x264x264x192> | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1584x192>>, shape: #ttnn.shape<1x264x6x192> | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<68112x192>>, shape: #ttnn.shape<1x264x258x192> | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<700x256>>, shape: #ttnn.shape<1x25x28x256> | tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<84x256>>, shape: #ttnn.shape<1x3x28x256> | tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<700x256>>, shape: #ttnn.shape<1x28x25x256> | tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<84x256>>, shape: #ttnn.shape<1x28x3x256> | tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<84x256>>, shape: #ttnn.shape<1x3x28x256> | tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<700x256>>, shape: #ttnn.shape<1x25x28x256> | tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<84x256>>, shape: #ttnn.shape<1x28x3x256> | tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<700x256>>, shape: #ttnn.shape<1x28x25x256> | tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x1536>>, shape: #ttnn.shape<1x30x36x1536> | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x1536>>, shape: #ttnn.shape<1x6x36x1536> | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x48>>, shape: #ttnn.shape<1x36x36x1536> | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x1536>>, shape: #ttnn.shape<1x36x30x1536> | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x1536>>, shape: #ttnn.shape<1x36x6x1536> | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x1536>>, shape: #ttnn.shape<1x6x36x1536> | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x1536>>, shape: #ttnn.shape<1x30x36x1536> | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x48>>, shape: #ttnn.shape<1x36x36x1536> | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x1536>>, shape: #ttnn.shape<1x36x6x1536> | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x1536>>, shape: #ttnn.shape<1x36x30x1536> | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x768>>, shape: #ttnn.shape<1x30x36x768> | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x768>>, shape: #ttnn.shape<1x6x36x768> | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x24>>, shape: #ttnn.shape<1x36x36x768> | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x768>>, shape: #ttnn.shape<1x36x30x768> | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x768>>, shape: #ttnn.shape<1x36x6x768> | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x768>>, shape: #ttnn.shape<1x6x36x768> | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x768>>, shape: #ttnn.shape<1x30x36x768> | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x24>>, shape: #ttnn.shape<1x36x36x768> | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<216x768>>, shape: #ttnn.shape<1x36x6x768> | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1080x768>>, shape: #ttnn.shape<1x36x30x768> | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2968x128>>, shape: #ttnn.shape<1x53x56x128> | tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<168x128>>, shape: #ttnn.shape<1x3x56x128> | tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2968x128>>, shape: #ttnn.shape<1x56x53x128> | tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<168x128>>, shape: #ttnn.shape<1x56x3x128> | tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<168x128>>, shape: #ttnn.shape<1x3x56x128> | tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2968x128>>, shape: #ttnn.shape<1x53x56x128> | tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<168x128>>, shape: #ttnn.shape<1x56x3x128> | tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2968x128>>, shape: #ttnn.shape<1x56x53x128> | tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x384>>, shape: #ttnn.shape<1x66x72x384> | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x384>>, shape: #ttnn.shape<1x6x72x384> | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x12>>, shape: #ttnn.shape<1x72x72x384> | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x384>>, shape: #ttnn.shape<1x72x66x384> | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x384>>, shape: #ttnn.shape<1x72x6x384> | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x384>>, shape: #ttnn.shape<1x6x72x384> | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x384>>, shape: #ttnn.shape<1x66x72x384> | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x12>>, shape: #ttnn.shape<1x72x72x384> | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x384>>, shape: #ttnn.shape<1x72x6x384> | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x384>>, shape: #ttnn.shape<1x72x66x384> | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x768>>, shape: #ttnn.shape<1x66x72x768> | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x768>>, shape: #ttnn.shape<1x6x72x768> | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x24>>, shape: #ttnn.shape<1x72x72x768> | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x768>>, shape: #ttnn.shape<1x72x66x768> | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x768>>, shape: #ttnn.shape<1x72x6x768> | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x768>>, shape: #ttnn.shape<1x6x72x768> | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x768>>, shape: #ttnn.shape<1x66x72x768> | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<162x24>>, shape: #ttnn.shape<1x72x72x768> | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<432x768>>, shape: #ttnn.shape<1x72x6x768> | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4752x768>>, shape: #ttnn.shape<1x72x66x768> | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11x1> | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x1200x1> | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x1>>, shape: #ttnn.shape<1x1370x1> | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13x1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x1>>, shape: #ttnn.shape<1x1445x1> | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x14x14x1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x1>>, shape: #ttnn.shape<1x1500x1> | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15x1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1> | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x1>>, shape: #ttnn.shape<1x19200x1> | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x196x1> | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x197x1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x201x1> | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x2048x1> | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x1>>, shape: #ttnn.shape<1x257x1> | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25x1> | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27x1> | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x300x1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x4096x1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x45x1> | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x4800x1> | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x50x1> | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x56x56x1> | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5x1> | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x1>>, shape: #ttnn.shape<1x65536x1> | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7x1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x7x7x1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x13x1> | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x7x1> | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x1x1> | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x1>>, shape: #ttnn.shape<920x1x1> | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x6>>, shape: #ttnn.shape<1x192> | tensor<[1,192,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x10x10> | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x12x12> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x14x14> | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x16x16> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x10> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x11> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x12> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x13> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x14> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x15> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x16> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x17> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x18> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x19> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x7>>, shape: #ttnn.shape<1x1x1x201> | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x1x1x2048> | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x20> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x21> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x22> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x23> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x24> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x25> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x26> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x27> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x28> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x29> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x7> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x8> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x9> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x25x25> | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x6x6> | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x7x7> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x9x9> | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1x1x13> | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1x7x7> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x1x1x13> | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1280>>, shape: #ttnn.shape<1x1x1280> | tensor<[1,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x768>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x768>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x768>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<120x160>>, shape: #ttnn.shape<1x1x120x160> | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<120x160>>, shape: #ttnn.shape<1x1x120x160> | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<30x40>>, shape: #ttnn.shape<1x1x30x40> | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<30x40>>, shape: #ttnn.shape<1x1x30x40> | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<60x80>>, shape: #ttnn.shape<1x1x60x80> | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<60x80>>, shape: #ttnn.shape<1x1x60x80> | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x16>>, shape: #ttnn.shape<1x3072x1x16> | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<512x96>>, shape: #ttnn.shape<1x32x16x1x96> | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<512x96>>, shape: #ttnn.shape<1x32x16x1x96> | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<512x96>>, shape: #ttnn.shape<1x32x16x1x96> | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<224x224>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<224x224>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<224x224>>, shape: #ttnn.shape<1x1x224x224> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50257>>, shape: #ttnn.shape<1x1x50257> | tensor<[1,1,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50257, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x768>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x51200>>, shape: #ttnn.shape<1x1x51200> | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 51200, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50272>>, shape: #ttnn.shape<1x1x50272> | tensor<[1,1,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50272, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x768>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x50280>>, shape: #ttnn.shape<1x1x50280> | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x768>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<209088x32>>, shape: #ttnn.shape<1x121x12x144x32> | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<209088x32>>, shape: #ttnn.shape<1x121x12x144x32> | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<209088x32>>, shape: #ttnn.shape<1x121x12x144x32> | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<104544x32>>, shape: #ttnn.shape<1x121x6x144x32> | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<104544x32>>, shape: #ttnn.shape<1x121x6x144x32> | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<104544x32>>, shape: #ttnn.shape<1x121x6x144x32> | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1370x1280>>, shape: #ttnn.shape<1x1370x1x1280> | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1370x1280>>, shape: #ttnn.shape<1x1370x1x1280> | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1370x1280>>, shape: #ttnn.shape<1x1370x1x1280> | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6272x32>>, shape: #ttnn.shape<1x16x8x49x32> | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6272x32>>, shape: #ttnn.shape<1x16x8x49x32> | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6272x32>>, shape: #ttnn.shape<1x16x8x49x32> | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3084x64>>, shape: #ttnn.shape<1x1x12x257x64> | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3084x64>>, shape: #ttnn.shape<1x1x12x257x64> | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3084x64>>, shape: #ttnn.shape<1x1x12x257x64> | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1568x32>>, shape: #ttnn.shape<1x1x32x49x32> | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1568x32>>, shape: #ttnn.shape<1x1x32x49x32> | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1568x32>>, shape: #ttnn.shape<1x1x32x49x32> | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<62208x32>>, shape: #ttnn.shape<1x36x12x144x32> | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<62208x32>>, shape: #ttnn.shape<1x36x12x144x32> | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<62208x32>>, shape: #ttnn.shape<1x36x12x144x32> | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<124416x32>>, shape: #ttnn.shape<1x36x24x144x32> | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<124416x32>>, shape: #ttnn.shape<1x36x24x144x32> | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<124416x32>>, shape: #ttnn.shape<1x36x24x144x32> | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<418176x32>>, shape: #ttnn.shape<1x484x6x144x32> | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<418176x32>>, shape: #ttnn.shape<1x484x6x144x32> | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<418176x32>>, shape: #ttnn.shape<1x484x6x144x32> | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x32>>, shape: #ttnn.shape<1x4x16x49x32> | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x32>>, shape: #ttnn.shape<1x4x16x49x32> | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3136x32>>, shape: #ttnn.shape<1x4x16x49x32> | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<27648x32>>, shape: #ttnn.shape<1x4x48x144x32> | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<27648x32>>, shape: #ttnn.shape<1x4x48x144x32> | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<27648x32>>, shape: #ttnn.shape<1x4x48x144x32> | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x32>>, shape: #ttnn.shape<1x64x4x49x32> | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x32>>, shape: #ttnn.shape<1x64x4x49x32> | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12544x32>>, shape: #ttnn.shape<1x64x4x49x32> | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<31104x32>>, shape: #ttnn.shape<1x9x24x144x32> | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<31104x32>>, shape: #ttnn.shape<1x9x24x144x32> | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<31104x32>>, shape: #ttnn.shape<1x9x24x144x32> | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<62208x32>>, shape: #ttnn.shape<1x9x48x144x32> | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<62208x32>>, shape: #ttnn.shape<1x9x48x144x32> | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<62208x32>>, shape: #ttnn.shape<1x9x48x144x32> | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x2x1> | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x2x1> | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x2x1> | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x2x1> | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x4>>, shape: #ttnn.shape<1x1x100x4> | tensor<[1,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x92>>, shape: #ttnn.shape<1x1x100x92> | tensor<[1,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 92, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<8x1> | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<68x40>>, shape: #ttnn.shape<1x3x720x1280> | tensor<[1,3,720,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x120x14x14> | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x1392x1x1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x184x7x7> | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<15x20>>, shape: #ttnn.shape<1x1x480x640> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x200x7x7> | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x232x1x1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x240x14x14> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<1x2x120x160> | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x2x30x40> | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<1x2x60x80> | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<116x1>>, shape: #ttnn.shape<1x3712x1x1> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x3>>, shape: #ttnn.shape<1x3x16x16x85> | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x3>>, shape: #ttnn.shape<1x3x32x32x85> | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<384x3>>, shape: #ttnn.shape<1x3x64x64x85> | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x480x7x7> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x50x3072> | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<22x1>>, shape: #ttnn.shape<1x696x1x1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x72x28x28> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x1>>, shape: #ttnn.shape<1x960x3x3> | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<2x7x2048> | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x1>>, shape: #ttnn.shape<6x1x100x4> | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x1280x32x32> | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x128x32x32> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<1x128x64x64> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x280>>, shape: #ttnn.shape<1x12x8960> | tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x592>>, shape: #ttnn.shape<1x13x18944> | tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x1920x16x16> | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x1>>, shape: #ttnn.shape<1x1920x32x32> | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x280>>, shape: #ttnn.shape<1x1x8960> | tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x1>>, shape: #ttnn.shape<1x2560x16x16> | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2560x8x8> | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x256x16x16> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x32x32> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x320x32x32> | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x2>>, shape: #ttnn.shape<1x320x64x64> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x344>>, shape: #ttnn.shape<1x32x11008> | tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x4>>, shape: #ttnn.shape<1x32x128x128> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x32x256x256> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x32x8192> | tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x512x16x16> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x640x16x16> | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x640x32x32> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1280x2>>, shape: #ttnn.shape<1x640x64x64> | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<1x64x128x128> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x64x64x64> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<960x1>>, shape: #ttnn.shape<1x960x32x32> | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1920x2>>, shape: #ttnn.shape<1x960x64x64> | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x13x128> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x128> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x32x128> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x14>>, shape: #ttnn.shape<3x14> | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x14>>, shape: #ttnn.shape<4x14> | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x14>>, shape: #ttnn.shape<7x14> | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x2048>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x2048>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x2560>>, shape: #ttnn.shape<1x1024x2560> | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x2560>>, shape: #ttnn.shape<1x1024x2560> | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<10x96>>, shape: #ttnn.shape<1x10x96> | tensor<[1,10,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x10x16> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x10x16> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<11x96>>, shape: #ttnn.shape<1x11x96> | tensor<[1,11,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<11x16>>, shape: #ttnn.shape<1x11x16> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<11x16>>, shape: #ttnn.shape<1x11x16> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8192x192>>, shape: #ttnn.shape<1x64x128x192> | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8192x192>>, shape: #ttnn.shape<1x64x128x192> | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8192x384>>, shape: #ttnn.shape<1x64x128x384> | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8192x384>>, shape: #ttnn.shape<1x64x128x384> | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x192>>, shape: #ttnn.shape<1x128x128x192> | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x384>>, shape: #ttnn.shape<1x128x128x384> | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x192>>, shape: #ttnn.shape<1x128x128x192> | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16384x192>>, shape: #ttnn.shape<1x128x128x192> | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12x96>>, shape: #ttnn.shape<1x12x96> | tensor<[1,12,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12x16>>, shape: #ttnn.shape<1x12x16> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12x16>>, shape: #ttnn.shape<1x12x16> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x64>>, shape: #ttnn.shape<1x12x12x64> | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<144x64>>, shape: #ttnn.shape<1x12x12x64> | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1536>>, shape: #ttnn.shape<1x1x1536> | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1536, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12x64>>, shape: #ttnn.shape<1x12x1x64> | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12x64>>, shape: #ttnn.shape<1x12x1x64> | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16896x192>>, shape: #ttnn.shape<1x128x132x192> | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16896x384>>, shape: #ttnn.shape<1x128x132x384> | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<13x96>>, shape: #ttnn.shape<1x13x96> | tensor<[1,13,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<13x16>>, shape: #ttnn.shape<1x13x16> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<13x16>>, shape: #ttnn.shape<1x13x16> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<100x192>>, shape: #ttnn.shape<1x100x192> | tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (100, 192, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14x96>>, shape: #ttnn.shape<1x14x96> | tensor<[1,14,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14x16>>, shape: #ttnn.shape<1x14x16> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14x16>>, shape: #ttnn.shape<1x14x16> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<98x512>>, shape: #ttnn.shape<1x7x14x512> | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<98x512>>, shape: #ttnn.shape<1x7x14x512> | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x14x14x256> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x256>>, shape: #ttnn.shape<1x14x14x256> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<15x96>>, shape: #ttnn.shape<1x15x96> | tensor<[1,15,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<15x16>>, shape: #ttnn.shape<1x15x16> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<15x16>>, shape: #ttnn.shape<1x15x16> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1536>>, shape: #ttnn.shape<1x16x16x1536> | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x768>>, shape: #ttnn.shape<1x16x16x768> | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x768>>, shape: #ttnn.shape<1x16x16x768> | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1596x28>>, shape: #ttnn.shape<1x57x28x28> | tensor<[1,57,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1596 + d1 * 28 + d2, d3), memory_config: (1596, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3584x28>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (3584, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x1024>>, shape: #ttnn.shape<1x196x1024> | tensor<[1,196,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<196x768>>, shape: #ttnn.shape<1x196x768> | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16x16>>, shape: #ttnn.shape<1x1x16x16> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16x16>>, shape: #ttnn.shape<1x1x16x16> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16x32>>, shape: #ttnn.shape<1x1x16x32> | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<16x32>>, shape: #ttnn.shape<1x1x16x32> | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<1x1x16> | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x256>>, shape: #ttnn.shape<1x1x4x256> | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x256>>, shape: #ttnn.shape<1x1x4x256> | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x256>>, shape: #ttnn.shape<1x1x4x256> | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x1x7x32> | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x1x7x32> | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<384x1536>>, shape: #ttnn.shape<1x16x24x1536> | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<768x64>>, shape: #ttnn.shape<1x24x32x64> | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<768x64>>, shape: #ttnn.shape<1x24x32x64> | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x5120>>, shape: #ttnn.shape<1x256x5120> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x5120>>, shape: #ttnn.shape<1x256x5120> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<32768x192>>, shape: #ttnn.shape<1x128x256x192> | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<32768x192>>, shape: #ttnn.shape<1x128x256x192> | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<65536x192>>, shape: #ttnn.shape<1x256x256x192> | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x25x1> | tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x25x1> | tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<67584x192>>, shape: #ttnn.shape<1x256x264x192> | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<364x64>>, shape: #ttnn.shape<1x28x13x64> | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<364x64>>, shape: #ttnn.shape<1x28x13x64> | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<392x256>>, shape: #ttnn.shape<1x14x28x256> | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<392x256>>, shape: #ttnn.shape<1x14x28x256> | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x28x28x128> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<784x128>>, shape: #ttnn.shape<1x28x28x128> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<24x64>>, shape: #ttnn.shape<1x2x12x64> | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<24x64>>, shape: #ttnn.shape<1x2x12x64> | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x2x1x64> | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x2x1x64> | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x7>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x8>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x9>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x10>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x11>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x12>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x13>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x14>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x15>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x6>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x64>>, shape: #ttnn.shape<1x32x32x64> | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x64>>, shape: #ttnn.shape<1x32x32x64> | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<512x768>>, shape: #ttnn.shape<1x16x32x768> | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<512x768>>, shape: #ttnn.shape<1x16x32x768> | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x1536>>, shape: #ttnn.shape<1x32x32x1536> | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x768>>, shape: #ttnn.shape<1x32x32x768> | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x384>>, shape: #ttnn.shape<1x32x32x384> | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x384>>, shape: #ttnn.shape<1x32x32x384> | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x768>>, shape: #ttnn.shape<1x32x32x768> | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1024x768>>, shape: #ttnn.shape<1x32x32x768> | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1152x1536>>, shape: #ttnn.shape<1x32x36x1536> | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1152x768>>, shape: #ttnn.shape<1x32x36x768> | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<768x2>>, shape: #ttnn.shape<1x3x16x16x2> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<768x2>>, shape: #ttnn.shape<1x3x16x16x2> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<768x81>>, shape: #ttnn.shape<1x3x16x16x81> | tensor<[1,3,16,16,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 81, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x2>>, shape: #ttnn.shape<1x3x32x32x2> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x2>>, shape: #ttnn.shape<1x3x32x32x2> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x81>>, shape: #ttnn.shape<1x3x32x32x81> | tensor<[1,3,32,32,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 81, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12288x2>>, shape: #ttnn.shape<1x3x64x64x2> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12288x2>>, shape: #ttnn.shape<1x3x64x64x2> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<12288x81>>, shape: #ttnn.shape<1x3x64x64x81> | tensor<[1,3,64,64,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 81, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x1280>>, shape: #ttnn.shape<1x4096x1280> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x1280>>, shape: #ttnn.shape<1x4096x1280> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<52x64>>, shape: #ttnn.shape<1x4x13x64> | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<52x64>>, shape: #ttnn.shape<1x4x13x64> | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1568x128>>, shape: #ttnn.shape<1x28x56x128> | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1568x128>>, shape: #ttnn.shape<1x28x56x128> | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<80x16>>, shape: #ttnn.shape<1x5x16x16> | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<80x16>>, shape: #ttnn.shape<1x5x16x16> | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<80x32>>, shape: #ttnn.shape<1x5x16x32> | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<80x32>>, shape: #ttnn.shape<1x5x16x32> | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5x16>>, shape: #ttnn.shape<1x5x16> | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<5x16>>, shape: #ttnn.shape<1x5x16> | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<20x256>>, shape: #ttnn.shape<1x5x4x256> | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<20x256>>, shape: #ttnn.shape<1x5x4x256> | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<20x256>>, shape: #ttnn.shape<1x5x4x256> | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x10>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x10>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x11>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x11>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x12>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x12>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x13>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x13>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x14>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x14>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x15>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x15>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x6>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x6>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x7>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x7>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x8>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x8>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x9>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3072x9>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x5120>>, shape: #ttnn.shape<1x64x5120> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<64x5120>>, shape: #ttnn.shape<1x64x5120> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x192>>, shape: #ttnn.shape<1x64x64x192> | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x192>>, shape: #ttnn.shape<1x64x64x192> | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x384>>, shape: #ttnn.shape<1x64x64x384> | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x384>>, shape: #ttnn.shape<1x64x64x384> | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2048x384>>, shape: #ttnn.shape<1x32x64x384> | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2048x384>>, shape: #ttnn.shape<1x32x64x384> | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2048x768>>, shape: #ttnn.shape<1x32x64x768> | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<2048x768>>, shape: #ttnn.shape<1x32x64x768> | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x384>>, shape: #ttnn.shape<1x64x64x384> | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4096x768>>, shape: #ttnn.shape<1x64x64x768> | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6x96>>, shape: #ttnn.shape<1x6x96> | tensor<[1,6,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6x16>>, shape: #ttnn.shape<1x6x16> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<6x16>>, shape: #ttnn.shape<1x6x16> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<497x32>>, shape: #ttnn.shape<1x71x7x32> | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<497x32>>, shape: #ttnn.shape<1x71x7x32> | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4608x384>>, shape: #ttnn.shape<1x64x72x384> | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4608x768>>, shape: #ttnn.shape<1x64x72x768> | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x96>>, shape: #ttnn.shape<1x7x96> | tensor<[1,7,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x7x16> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x7x16> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x7x7x512> | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x512>>, shape: #ttnn.shape<1x7x7x512> | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x768>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x768>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x768>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<497x64>>, shape: #ttnn.shape<1x7x71x64> | tensor<[1,7,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x96>>, shape: #ttnn.shape<1x8x96> | tensor<[1,8,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x8x16> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x8x16> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x64>>, shape: #ttnn.shape<1x8x32x64> | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<256x64>>, shape: #ttnn.shape<1x8x32x64> | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x96>>, shape: #ttnn.shape<1x9x96> | tensor<[1,9,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 96, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x16>>, shape: #ttnn.shape<1x9x16> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<9x16>>, shape: #ttnn.shape<1x9x16> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<21x3>>, shape: #ttnn.shape<21x3> | tensor<[21,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<21x4>>, shape: #ttnn.shape<21x4> | tensor<[21,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<21x21>>, shape: #ttnn.shape<21x21> | tensor<[21,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 21, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x28>>, shape: #ttnn.shape<3x28> | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x28>>, shape: #ttnn.shape<4x28> | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<21x28>>, shape: #ttnn.shape<21x28> | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x2>>, shape: #ttnn.shape<3234x2> | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x2>>, shape: #ttnn.shape<3234x2> | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3234x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x3>>, shape: #ttnn.shape<3x3> | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x4>>, shape: #ttnn.shape<3x4> | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x7>>, shape: #ttnn.shape<3x7> | tensor<[3,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 7, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x3>>, shape: #ttnn.shape<3x3> | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x4>>, shape: #ttnn.shape<3x4> | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x21>>, shape: #ttnn.shape<3x21> | tensor<[3,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 21, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x3>>, shape: #ttnn.shape<3x3> | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x4>>, shape: #ttnn.shape<3x4> | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x49>>, shape: #ttnn.shape<3x49> | tensor<[3,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 49, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x3>>, shape: #ttnn.shape<49x3> | tensor<[49,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x4>>, shape: #ttnn.shape<49x4> | tensor<[49,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x49>>, shape: #ttnn.shape<49x49> | tensor<[49,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 49, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<4x3> | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x4>>, shape: #ttnn.shape<4x4> | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x7>>, shape: #ttnn.shape<4x7> | tensor<[4,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 7, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<4x3> | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x4>>, shape: #ttnn.shape<4x4> | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x21>>, shape: #ttnn.shape<4x21> | tensor<[4,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 21, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x3>>, shape: #ttnn.shape<4x3> | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x4>>, shape: #ttnn.shape<4x4> | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x49>>, shape: #ttnn.shape<4x49> | tensor<[4,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 49, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<3x56>>, shape: #ttnn.shape<3x56> | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<4x56>>, shape: #ttnn.shape<4x56> | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<49x56>>, shape: #ttnn.shape<49x56> | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x3>>, shape: #ttnn.shape<7x3> | tensor<[7,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 3, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x4>>, shape: #ttnn.shape<7x4> | tensor<[7,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 4, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<7x7>>, shape: #ttnn.shape<7x7> | tensor<[7,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 7, 'bf16', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout<row_major> memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<8x1> | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x11x3072> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x12x3072> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x13x3072> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x15x3072> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x6x3072> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x8x3072> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x15> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x14> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x13> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x12> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x11> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x10> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x9> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x8> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x7> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x3072x6> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x5x16x16x2> | tensor<[1,5,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1280 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<19x8>>, shape: #ttnn.shape<6x100x1x256> | tensor<[6,100,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1x4> | tensor<[3234,1,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<3234x2x2> | tensor<[3234,2,2,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<4x4x1x2048> | tensor<[4,4,1,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<12> | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<16x49x49> | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x100x14x14> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1024x10x10> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x1024x14x14> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1x1024x1536> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1x1024x160> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x1024x16x16> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<608x1>>, shape: #ttnn.shape<1x1024x19x19> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x1024x28x28> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1x1024x3072> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1x1024x768> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x1024x7x7> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<462x1>>, shape: #ttnn.shape<1x1056x14x14> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<231x1>>, shape: #ttnn.shape<1x1056x7x7> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<476x1>>, shape: #ttnn.shape<1x1088x14x14> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x1088x7x7> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<490x1>>, shape: #ttnn.shape<1x1120x14x14> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x1>>, shape: #ttnn.shape<1x1120x7x7> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x112x14x14> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x112x15x15> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x112x20x20> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x112x24x24> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x112x7x7> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x1152x14x14> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x1152x7x7> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x1>>, shape: #ttnn.shape<1x1152x8x8> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x116x14x14> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<518x1>>, shape: #ttnn.shape<1x1184x14x14> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<259x1>>, shape: #ttnn.shape<1x1184x7x7> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1x1200x320> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x120x14x14> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x120x17x17> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x120x28x28> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x2>>, shape: #ttnn.shape<1x120x40x40> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<532x1>>, shape: #ttnn.shape<1x1216x14x14> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x1216x7x7> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<546x1>>, shape: #ttnn.shape<1x1248x14x14> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<273x1>>, shape: #ttnn.shape<1x1248x7x7> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<351x1>>, shape: #ttnn.shape<1x1248x9x9> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<400x1>>, shape: #ttnn.shape<1x1280x10x10> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1280x12x12> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<560x1>>, shape: #ttnn.shape<1x1280x14x14> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x1280x7x7> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x1>>, shape: #ttnn.shape<1x1280x8x8> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x1280x9x9> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x4>>, shape: #ttnn.shape<1x128x112x112> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x4>>, shape: #ttnn.shape<1x128x128x128> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x128x14x14> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x5>>, shape: #ttnn.shape<1x128x150x150> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<68x1>>, shape: #ttnn.shape<1x128x17x17> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x128x1x1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x128x28x28> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x128x2x2> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x128x32x32> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<12x1>>, shape: #ttnn.shape<1x128x3x3> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x2>>, shape: #ttnn.shape<1x128x56x56> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x1>>, shape: #ttnn.shape<1x128x5x5> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x2>>, shape: #ttnn.shape<1x128x64x64> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x3>>, shape: #ttnn.shape<1x128x75x75> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x128x7x7> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x2>>, shape: #ttnn.shape<1x12x56x56> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x12x768> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<574x1>>, shape: #ttnn.shape<1x1312x14x14> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<287x1>>, shape: #ttnn.shape<1x1312x7x7> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x1344x14x14> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x1>>, shape: #ttnn.shape<1x1344x28x28> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x1344x7x7> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<118x1>>, shape: #ttnn.shape<1x134x28x28> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x136x19x19> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1x1370x1280> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<602x1>>, shape: #ttnn.shape<1x1376x14x14> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<301x1>>, shape: #ttnn.shape<1x1376x7x7> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<435x1>>, shape: #ttnn.shape<1x1392x10x10> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x1392x14x14> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x1>>, shape: #ttnn.shape<1x1392x28x28> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<616x1>>, shape: #ttnn.shape<1x1408x14x14> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x1408x7x7> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<630x1>>, shape: #ttnn.shape<1x1440x14x14> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x1440x7x7> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1x1445x192> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x144x14x14> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<675x5>>, shape: #ttnn.shape<1x144x150x150> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<855x6>>, shape: #ttnn.shape<1x144x190x190> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x144x28x28> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<135x1>>, shape: #ttnn.shape<1x144x30x30> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x2>>, shape: #ttnn.shape<1x144x33x33> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x2>>, shape: #ttnn.shape<1x144x56x56> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<270x2>>, shape: #ttnn.shape<1x144x60x60> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<293x3>>, shape: #ttnn.shape<1x144x65x65> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<338x3>>, shape: #ttnn.shape<1x144x75x75> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x144x7x7> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<428x3>>, shape: #ttnn.shape<1x144x95x95> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<644x1>>, shape: #ttnn.shape<1x1472x14x14> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x1472x7x7> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x14x14x1024> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<1x14x56x56> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x14x768> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1x1500x768> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<658x1>>, shape: #ttnn.shape<1x1504x14x14> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<329x1>>, shape: #ttnn.shape<1x1504x7x7> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<480x1>>, shape: #ttnn.shape<1x1536x10x10> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<672x1>>, shape: #ttnn.shape<1x1536x14x14> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x1536x7x7> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<686x1>>, shape: #ttnn.shape<1x1568x14x14> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<343x1>>, shape: #ttnn.shape<1x1568x7x7> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<700x1>>, shape: #ttnn.shape<1x1600x14x14> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x1600x7x7> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x160x14x14> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x1>>, shape: #ttnn.shape<1x160x24x24> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x160x28x28> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x2>>, shape: #ttnn.shape<1x160x56x56> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x160x7x7> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<612x1>>, shape: #ttnn.shape<1x1632x12x12> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<714x1>>, shape: #ttnn.shape<1x1632x14x14> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<357x1>>, shape: #ttnn.shape<1x1632x7x7> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<1x16384x192> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x32> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<1x16384x384> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<1x16384x768> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<728x1>>, shape: #ttnn.shape<1x1664x14x14> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x1664x7x7> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x168x28x28> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<742x1>>, shape: #ttnn.shape<1x1696x14x14> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<371x1>>, shape: #ttnn.shape<1x1696x7x7> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x4>>, shape: #ttnn.shape<1x16x112x112> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x4>>, shape: #ttnn.shape<1x16x120x120> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<65x5>>, shape: #ttnn.shape<1x16x130x130> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x16x14x14> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x5>>, shape: #ttnn.shape<1x16x160x160> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x7>>, shape: #ttnn.shape<1x16x224x224> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x16x28x28> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x2>>, shape: #ttnn.shape<1x16x56x56> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x16x768> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<756x1>>, shape: #ttnn.shape<1x1728x14x14> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x1728x7x7> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<770x1>>, shape: #ttnn.shape<1x1760x14x14> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<385x1>>, shape: #ttnn.shape<1x1760x7x7> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<784x1>>, shape: #ttnn.shape<1x1792x14x14> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x1792x7x7> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<399x1>>, shape: #ttnn.shape<1x1824x7x7> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<81x1>>, shape: #ttnn.shape<1x184x14x14> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<115x1>>, shape: #ttnn.shape<1x184x20x20> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x184x7x7> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x1856x7x7> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<413x1>>, shape: #ttnn.shape<1x1888x7x7> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x18x14x14> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x18x28x28> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x2>>, shape: #ttnn.shape<1x18x56x56> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x18x7x7> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<1x19200x64> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x1920x7x7> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x192x14x14> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x192x17x17> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x192x28x28> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x2>>, shape: #ttnn.shape<1x192x35x35> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<228x2>>, shape: #ttnn.shape<1x192x38x38> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<288x2>>, shape: #ttnn.shape<1x192x48x48> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x2>>, shape: #ttnn.shape<1x192x56x56> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<450x3>>, shape: #ttnn.shape<1x192x75x75> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x192x7x7> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<48x1>>, shape: #ttnn.shape<1x192x8x8> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<570x3>>, shape: #ttnn.shape<1x192x95x95> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x196x14x14> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x196x768> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x197x1024> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<88x1>>, shape: #ttnn.shape<1x200x14x14> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<125x1>>, shape: #ttnn.shape<1x200x20x20> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<44x1>>, shape: #ttnn.shape<1x200x7x7> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x201x768> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<640x1>>, shape: #ttnn.shape<1x2048x10x10> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x1>>, shape: #ttnn.shape<1x2048x14x14> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x2048x7x7> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<91x1>>, shape: #ttnn.shape<1x208x14x14> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<59x1>>, shape: #ttnn.shape<1x208x9x9> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x20x28x28> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x224x14x14> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x1>>, shape: #ttnn.shape<1x224x17x17> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x224x28x28> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<245x2>>, shape: #ttnn.shape<1x224x35x35> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x2>>, shape: #ttnn.shape<1x224x56x56> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x1>>, shape: #ttnn.shape<1x224x7x7> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<73x1>>, shape: #ttnn.shape<1x232x10x10> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x4>>, shape: #ttnn.shape<1x232x112x112> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x2>>, shape: #ttnn.shape<1x232x56x56> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x240x14x14> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<113x1>>, shape: #ttnn.shape<1x240x15x15> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x240x20x20> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x240x28x28> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x240x30x30> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x2>>, shape: #ttnn.shape<1x240x40x40> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x4>>, shape: #ttnn.shape<1x24x112x112> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x24x14x14> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<113x5>>, shape: #ttnn.shape<1x24x150x150> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<143x6>>, shape: #ttnn.shape<1x24x190x190> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x24x28x28> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x2>>, shape: #ttnn.shape<1x24x56x56> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<45x2>>, shape: #ttnn.shape<1x24x60x60> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<49x3>>, shape: #ttnn.shape<1x24x65x65> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x24x80x80> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1103x1>>, shape: #ttnn.shape<1x2520x14x14> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<552x1>>, shape: #ttnn.shape<1x2520x7x7> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x256x10x10> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1024x4>>, shape: #ttnn.shape<1x256x128x128> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x256x14x14> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<1x256x1536> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<1x256x160> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x256x16x16> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<136x1>>, shape: #ttnn.shape<1x256x17x17> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x256x28x28> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x256x2x2> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x96>>, shape: #ttnn.shape<1x256x3072> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x32> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x256x32x32> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<304x2>>, shape: #ttnn.shape<1x256x38x38> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<24x1>>, shape: #ttnn.shape<1x256x3x3> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x256x512> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x2>>, shape: #ttnn.shape<1x256x56x56> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x1>>, shape: #ttnn.shape<1x256x5x5> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x256x64> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x2>>, shape: #ttnn.shape<1x256x64x64> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x3>>, shape: #ttnn.shape<1x256x75x75> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x256x7x7> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x256x8x8> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x257x768> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x25x768> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x272x12x12> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x1>>, shape: #ttnn.shape<1x272x7x7> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x27x768> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x288x14x14> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<153x1>>, shape: #ttnn.shape<1x288x17x17> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<171x1>>, shape: #ttnn.shape<1x288x19x19> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x288x28x28> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<297x2>>, shape: #ttnn.shape<1x288x33x33> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x2>>, shape: #ttnn.shape<1x288x38x38> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x28> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x16>>, shape: #ttnn.shape<1x28x28x512> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<1x300x128> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<1x300x320> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x300x512> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x300x64> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<140x1>>, shape: #ttnn.shape<1x320x14x14> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<170x1>>, shape: #ttnn.shape<1x320x17x17> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x320x28x28> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x1>>, shape: #ttnn.shape<1x320x7x7> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x320x8x8> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32> | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x32>>, shape: #ttnn.shape<1x32x10x1024> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x128>>, shape: #ttnn.shape<1x32x10x4096> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x4>>, shape: #ttnn.shape<1x32x112x112> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x4>>, shape: #ttnn.shape<1x32x120x120> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x5>>, shape: #ttnn.shape<1x32x120x160> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x4>>, shape: #ttnn.shape<1x32x128x128> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<130x5>>, shape: #ttnn.shape<1x32x130x130> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x5>>, shape: #ttnn.shape<1x32x147x147> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<149x5>>, shape: #ttnn.shape<1x32x149x149> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<14x1>>, shape: #ttnn.shape<1x32x14x14> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x5>>, shape: #ttnn.shape<1x32x150x150> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x32x1536> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<190x6>>, shape: #ttnn.shape<1x32x190x190> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x32>>, shape: #ttnn.shape<1x32x20x1024> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x8>>, shape: #ttnn.shape<1x32x20x256> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x128>>, shape: #ttnn.shape<1x32x20x4096> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x8>>, shape: #ttnn.shape<1x32x256x256> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x32x28x28> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x32>>, shape: #ttnn.shape<1x32x30x1024> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x128>>, shape: #ttnn.shape<1x32x30x4096> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x2>>, shape: #ttnn.shape<1x32x30x40> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x32>>, shape: #ttnn.shape<1x32x40x1024> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x8>>, shape: #ttnn.shape<1x32x40x256> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x2>>, shape: #ttnn.shape<1x32x40x64> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x16>>, shape: #ttnn.shape<1x32x512x512> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x2>>, shape: #ttnn.shape<1x32x56x56> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x32>>, shape: #ttnn.shape<1x32x60x1024> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x8>>, shape: #ttnn.shape<1x32x60x256> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x3>>, shape: #ttnn.shape<1x32x60x80> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<75x3>>, shape: #ttnn.shape<1x32x75x75> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x32x7x7> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x8>>, shape: #ttnn.shape<1x32x80x256> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x2>>, shape: #ttnn.shape<1x32x80x64> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<95x3>>, shape: #ttnn.shape<1x32x95x95> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x334x14x14> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x4>>, shape: #ttnn.shape<1x336x112x112> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x336x14x14> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x336x24x24> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x2>>, shape: #ttnn.shape<1x336x48x48> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x2>>, shape: #ttnn.shape<1x336x56x56> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x34x28x28> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<154x1>>, shape: #ttnn.shape<1x352x14x14> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x352x28x28> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<99x1>>, shape: #ttnn.shape<1x352x9x9> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x36x14x14> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x36x28x28> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x2>>, shape: #ttnn.shape<1x36x56x56> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x36x7x7> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1624x1>>, shape: #ttnn.shape<1x3712x14x14> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<812x1>>, shape: #ttnn.shape<1x3712x7x7> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x1>>, shape: #ttnn.shape<1x384x10x10> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x384x14x14> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<204x1>>, shape: #ttnn.shape<1x384x17x17> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x384x28x28> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x384x7x7> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<96x1>>, shape: #ttnn.shape<1x384x8x8> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<1x4096x1536> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<1x4096x320> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<1x4096x384> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x4096x64> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<1x4096x768> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x40x14x14> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x40x28x28> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x40x30x30> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x40x40x40> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x40x56x56> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<182x1>>, shape: #ttnn.shape<1x416x14x14> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x416x28x28> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x448x12x12> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x448x14x14> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x448x28x28> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x448x8x8> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x45x768> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<1x462x7x7> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x46x28x28> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<1x4800x128> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x480x10x10> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x480x14x14> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<225x1>>, shape: #ttnn.shape<1x480x15x15> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x1>>, shape: #ttnn.shape<1x480x20x20> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x480x28x28> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x1>>, shape: #ttnn.shape<1x480x7x7> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<21x1>>, shape: #ttnn.shape<1x48x14x14> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x2>>, shape: #ttnn.shape<1x48x33x33> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x2>>, shape: #ttnn.shape<1x48x38x38> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x2>>, shape: #ttnn.shape<1x48x56x56> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<11x1>>, shape: #ttnn.shape<1x48x7x7> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x50x768> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x1>>, shape: #ttnn.shape<1x512x14x14> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x1>>, shape: #ttnn.shape<1x512x16x16> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x1>>, shape: #ttnn.shape<1x512x28x28> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x512x32x32> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<896x2>>, shape: #ttnn.shape<1x512x56x56> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x1>>, shape: #ttnn.shape<1x512x5x5> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x1>>, shape: #ttnn.shape<1x512x7x7> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x512x8x8> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<281x1>>, shape: #ttnn.shape<1x528x17x17> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<238x1>>, shape: #ttnn.shape<1x544x14x14> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x56x14x14> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x2>>, shape: #ttnn.shape<1x56x48x48> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<252x1>>, shape: #ttnn.shape<1x576x14x14> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<342x1>>, shape: #ttnn.shape<1x576x19x19> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x1>>, shape: #ttnn.shape<1x576x7x7> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<51x1>>, shape: #ttnn.shape<1x58x28x28> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x5x1024> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<266x1>>, shape: #ttnn.shape<1x608x14x14> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<53x1>>, shape: #ttnn.shape<1x60x28x28> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<280x1>>, shape: #ttnn.shape<1x640x14x14> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<224x4>>, shape: #ttnn.shape<1x64x112x112> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<240x5>>, shape: #ttnn.shape<1x64x120x160> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<1x64x1280> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<256x4>>, shape: #ttnn.shape<1x64x128x128> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x5>>, shape: #ttnn.shape<1x64x147x147> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x1>>, shape: #ttnn.shape<1x64x14x14> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<300x5>>, shape: #ttnn.shape<1x64x150x150> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<320x5>>, shape: #ttnn.shape<1x64x160x160> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1x1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<448x7>>, shape: #ttnn.shape<1x64x224x224> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x8>>, shape: #ttnn.shape<1x64x256x256> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<56x1>>, shape: #ttnn.shape<1x64x28x28> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<4x1>>, shape: #ttnn.shape<1x64x2x2> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x2>>, shape: #ttnn.shape<1x64x30x40> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<70x2>>, shape: #ttnn.shape<1x64x35x35> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<112x2>>, shape: #ttnn.shape<1x64x56x56> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<120x3>>, shape: #ttnn.shape<1x64x60x80> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x64x64x64> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<146x3>>, shape: #ttnn.shape<1x64x73x73> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<160x3>>, shape: #ttnn.shape<1x64x80x80> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<1x65536x192> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x672x10x10> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<294x1>>, shape: #ttnn.shape<1x672x14x14> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<315x1>>, shape: #ttnn.shape<1x672x15x15> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x672x20x20> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<504x1>>, shape: #ttnn.shape<1x672x24x24> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<588x1>>, shape: #ttnn.shape<1x672x28x28> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1176x2>>, shape: #ttnn.shape<1x672x56x56> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<147x1>>, shape: #ttnn.shape<1x672x7x7> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x1>>, shape: #ttnn.shape<1x672x8x8> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x1>>, shape: #ttnn.shape<1x68x14x14> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<119x2>>, shape: #ttnn.shape<1x68x56x56> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<609x1>>, shape: #ttnn.shape<1x696x28x28> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1218x2>>, shape: #ttnn.shape<1x696x56x56> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<308x1>>, shape: #ttnn.shape<1x704x14x14> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<383x1>>, shape: #ttnn.shape<1x720x17x17> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x720x9x9> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<433x1>>, shape: #ttnn.shape<1x728x19x19> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<865x2>>, shape: #ttnn.shape<1x728x38x38> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x72x14x14> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<63x1>>, shape: #ttnn.shape<1x72x28x28> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x2>>, shape: #ttnn.shape<1x72x40x40> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<126x2>>, shape: #ttnn.shape<1x72x56x56> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<16x1>>, shape: #ttnn.shape<1x72x7x7> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x3>>, shape: #ttnn.shape<1x72x80x80> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<322x1>>, shape: #ttnn.shape<1x736x14x14> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x1>>, shape: #ttnn.shape<1x768x14x14> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<69x1>>, shape: #ttnn.shape<1x78x28x28> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<1x7x4544> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<1x7x7x1024> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x7x7x2048> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<350x1>>, shape: #ttnn.shape<1x800x14x14> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x80x10x10> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<35x1>>, shape: #ttnn.shape<1x80x14x14> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x80x15x15> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<50x1>>, shape: #ttnn.shape<1x80x20x20> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<18x1>>, shape: #ttnn.shape<1x80x7x7> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<255x1>>, shape: #ttnn.shape<1x816x10x10> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<485x1>>, shape: #ttnn.shape<1x816x19x19> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<364x1>>, shape: #ttnn.shape<1x832x14x14> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<378x1>>, shape: #ttnn.shape<1x864x14x14> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x1>>, shape: #ttnn.shape<1x88x17x17> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<392x1>>, shape: #ttnn.shape<1x896x14x14> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<196x1>>, shape: #ttnn.shape<1x896x7x7> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<28x4>>, shape: #ttnn.shape<1x8x112x112> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<406x1>>, shape: #ttnn.shape<1x928x14x14> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<203x1>>, shape: #ttnn.shape<1x928x7x7> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<41x1>>, shape: #ttnn.shape<1x92x14x14> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x1>>, shape: #ttnn.shape<1x960x12x12> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<420x1>>, shape: #ttnn.shape<1x960x14x14> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<720x1>>, shape: #ttnn.shape<1x960x24x24> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<90x1>>, shape: #ttnn.shape<1x960x3x3> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<210x1>>, shape: #ttnn.shape<1x960x7x7> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<336x4>>, shape: #ttnn.shape<1x96x112x112> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<360x4>>, shape: #ttnn.shape<1x96x120x120> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<390x5>>, shape: #ttnn.shape<1x96x130x130> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<42x1>>, shape: #ttnn.shape<1x96x14x14> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<57x1>>, shape: #ttnn.shape<1x96x19x19> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<84x1>>, shape: #ttnn.shape<1x96x28x28> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<105x2>>, shape: #ttnn.shape<1x96x35x35> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<168x2>>, shape: #ttnn.shape<1x96x56x56> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<180x2>>, shape: #ttnn.shape<1x96x60x60> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<195x3>>, shape: #ttnn.shape<1x96x65x65> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<213x3>>, shape: #ttnn.shape<1x96x71x71> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<219x3>>, shape: #ttnn.shape<1x96x73x73> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<86x1>>, shape: #ttnn.shape<1x98x28x28> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<434x1>>, shape: #ttnn.shape<1x992x14x14> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<217x1>>, shape: #ttnn.shape<1x992x7x7> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x9x1024> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x9x2048> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x9x768> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x102>>, shape: #ttnn.shape<3234> | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<102x1>>, shape: #ttnn.shape<3234x1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x10>>, shape: #ttnn.shape<3x320x320> | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<45> | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1x1024> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<4x49x49> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<64x49x49> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x1x256> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x14x3072> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x15x1024> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x1x3072> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x1x4096> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x192>>, shape: #ttnn.shape<1x32x6144> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x96>>, shape: #ttnn.shape<1x45x3072> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x5x4096> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x7x3072> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x512>>, shape: #ttnn.shape<1x9x16384> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x96>>, shape: #ttnn.shape<1x9x3072> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x256>>, shape: #ttnn.shape<1x9x8192> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x1> | tensor<[5,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x5> | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<5x5> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1024> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x48>>, shape: #ttnn.shape<1x1024x1536> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x5>>, shape: #ttnn.shape<1x1024x160> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x96>>, shape: #ttnn.shape<1x1024x3072> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x20>>, shape: #ttnn.shape<1x1024x640> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x1>>, shape: #ttnn.shape<1x1024x1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<32x24>>, shape: #ttnn.shape<1x1024x768> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10x1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x10x768> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x1>>, shape: #ttnn.shape<1x1200x1> | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<38x10>>, shape: #ttnn.shape<1x1200x320> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x128> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12x1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x12x768> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x1>>, shape: #ttnn.shape<1x1370x1> | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<43x40>>, shape: #ttnn.shape<1x1370x1280> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x1>>, shape: #ttnn.shape<1x1445x1> | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<46x6>>, shape: #ttnn.shape<1x1445x192> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x14x128> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x14x14x1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x14x14x1024> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x14x14x1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x16>>, shape: #ttnn.shape<1x14x14x512> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14x1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x14x768> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x1>>, shape: #ttnn.shape<1x1500x1> | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<47x24>>, shape: #ttnn.shape<1x1500x768> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x1536> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x6>>, shape: #ttnn.shape<1x16384x192> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x32> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x12>>, shape: #ttnn.shape<1x16384x384> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x1>>, shape: #ttnn.shape<1x16384x1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<512x24>>, shape: #ttnn.shape<1x16384x768> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16x1> | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x16x768> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x1>>, shape: #ttnn.shape<1x19200x1> | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<600x2>>, shape: #ttnn.shape<1x19200x64> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x196x1> | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x196x768> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x197x1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x32>>, shape: #ttnn.shape<1x197x1024> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x197x1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x197x768> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x1x1024> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x1x768> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x1>>, shape: #ttnn.shape<1x201x1> | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x24>>, shape: #ttnn.shape<1x201x768> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x1>>, shape: #ttnn.shape<1x2048x1> | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<64x24>>, shape: #ttnn.shape<1x2048x768> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x32>>, shape: #ttnn.shape<1x256x1024> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x40>>, shape: #ttnn.shape<1x256x1280> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x48>>, shape: #ttnn.shape<1x256x1536> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x5>>, shape: #ttnn.shape<1x256x160> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x256x256> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x96>>, shape: #ttnn.shape<1x256x3072> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x32> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x16>>, shape: #ttnn.shape<1x256x512> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x1>>, shape: #ttnn.shape<1x256x1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x2>>, shape: #ttnn.shape<1x256x64> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x1>>, shape: #ttnn.shape<1x257x1> | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<9x24>>, shape: #ttnn.shape<1x257x768> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25x1> | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x25x768> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27x1> | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x27x768> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x8>>, shape: #ttnn.shape<1x28x28x256> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x1>>, shape: #ttnn.shape<1x28x28x1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x16>>, shape: #ttnn.shape<1x28x28x512> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x300x1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x4>>, shape: #ttnn.shape<1x300x128> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x300x1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x10>>, shape: #ttnn.shape<1x300x320> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x300x1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x16>>, shape: #ttnn.shape<1x300x512> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x1>>, shape: #ttnn.shape<1x300x1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x2>>, shape: #ttnn.shape<1x300x64> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x32>>, shape: #ttnn.shape<1x32x10x1024> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<10x128>>, shape: #ttnn.shape<1x32x10x4096> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x48>>, shape: #ttnn.shape<1x32x1536> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x32>>, shape: #ttnn.shape<1x32x20x1024> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x8>>, shape: #ttnn.shape<1x32x20x256> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<20x128>>, shape: #ttnn.shape<1x32x20x4096> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x32>>, shape: #ttnn.shape<1x32x30x1024> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<30x128>>, shape: #ttnn.shape<1x32x30x4096> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x32>>, shape: #ttnn.shape<1x32x40x1024> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x8>>, shape: #ttnn.shape<1x32x40x256> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<40x2>>, shape: #ttnn.shape<1x32x40x64> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x32>>, shape: #ttnn.shape<1x32x60x1024> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<60x8>>, shape: #ttnn.shape<1x32x60x256> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x8>>, shape: #ttnn.shape<1x32x80x256> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x32x1x1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<80x2>>, shape: #ttnn.shape<1x32x80x64> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x4096x1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x48>>, shape: #ttnn.shape<1x4096x1536> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x4096x1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x10>>, shape: #ttnn.shape<1x4096x320> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x4096x1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x12>>, shape: #ttnn.shape<1x4096x384> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x4096x1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x2>>, shape: #ttnn.shape<1x4096x64> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x1>>, shape: #ttnn.shape<1x4096x1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<128x24>>, shape: #ttnn.shape<1x4096x768> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x45x1> | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x45x768> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x1>>, shape: #ttnn.shape<1x4800x1> | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<150x4>>, shape: #ttnn.shape<1x4800x128> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x50x1> | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x24>>, shape: #ttnn.shape<1x50x768> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x1>>, shape: #ttnn.shape<1x56x56x1> | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x4>>, shape: #ttnn.shape<1x56x56x128> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5x1> | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x5x1024> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x64x1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x40>>, shape: #ttnn.shape<1x64x1280> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x1>>, shape: #ttnn.shape<1x65536x1> | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2048x6>>, shape: #ttnn.shape<1x65536x192> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6x1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x6x1024> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x768> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7x1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x142>>, shape: #ttnn.shape<1x7x4544> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7x1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x7x768> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x7x7x1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x32>>, shape: #ttnn.shape<1x7x7x1024> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x1>>, shape: #ttnn.shape<1x7x7x1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x64>>, shape: #ttnn.shape<1x7x7x2048> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8x1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x8x768> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<1x9x1024> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x9x128> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<1x9x2048> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x128>>, shape: #ttnn.shape<1x9x4096> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9x1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<1x9x768> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x7x1> | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x16>>, shape: #ttnn.shape<2x7x512> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x1x1> | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x32>>, shape: #ttnn.shape<4x1x1024> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x1>>, shape: #ttnn.shape<920x1x1> | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<29x8>>, shape: #ttnn.shape<920x1x256> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<25x2>>, shape: #ttnn.shape<16x49x49> | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x10> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x11> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x12> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x13> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<3x14> | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x14> | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<7x14> | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x14> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x15> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x16> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x17> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x18> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x19> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x10x10> | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x12x12> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x13x13> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x14x14> | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x16x16> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x10> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x11> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x12> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x13> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x14> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x15> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x16> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x17> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x18> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x19> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x20> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x21> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x22> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x23> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x24> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x25> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x26> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x27> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x28> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x29> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x46> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x46> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x47> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x47> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x48> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x48> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x49> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x49> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x50> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x50> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x51> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x51> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x52> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x52> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x53> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x53> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x54> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x54> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x55> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x55> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x56> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x56> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x57> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x57> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x58> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x58> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x59> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x59> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x60> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x60> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x61> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x61> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x62> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x62> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x63> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x63> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x12x1x64> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<1x1x1x64> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x65> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x65> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x66> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x66> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x67> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x67> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x68> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x68> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x69> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x69> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x6> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x70> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x70> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x71> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x71> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x72> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x72> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x73> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x73> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x74> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x74> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x75> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x75> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x76> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x76> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x77> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x77> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x78> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x78> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x79> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x79> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x7> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x80> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x80> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x81> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x81> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x82> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x82> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x83> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x83> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x84> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x84> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x85> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x85> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x86> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x86> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x87> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x87> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x88> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x88> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x89> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x89> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x8> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x90> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x90> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x91> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x91> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x92> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x92> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x93> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x93> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x94> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x94> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x95> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x95> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x12x1x96> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x3>>, shape: #ttnn.shape<1x1x1x96> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x97> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x97> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x98> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x98> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x12x1x99> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x4>>, shape: #ttnn.shape<1x1x1x99> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x1x9> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<8x8>>, shape: #ttnn.shape<1x1x256x256> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x25x25> | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x32x32> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<17x2>>, shape: #ttnn.shape<1x12x45x45> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<1x1x45x45> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x5x5> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x6x6> | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x7x7> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x1x9x9> | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x20> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x21> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x22> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x23> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x24> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x25> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x26> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x27> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<21x28> | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<3x28> | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x28> | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x28> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x29> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1571>>, shape: #ttnn.shape<1x50257> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<3x56> | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<49x56> | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x2>>, shape: #ttnn.shape<4x56> | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x5> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x6> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x7> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x8> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<1x9> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<28x28> | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<2x1x7x7> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<4x1x1x13> | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<7x2>>, shape: #ttnn.shape<4x49x49> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<2x2>>, shape: #ttnn.shape<56x56> | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<98x2>>, shape: #ttnn.shape<64x49x49> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<6x6> | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x1> | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x64>>, shape: #ttnn.shape<8x2048> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x1>>, shape: #ttnn.shape<8x2> | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.empty | !tt.device<#device> | dtype: #tt.supportedDataTypes layout: #ttnn.layout memory_config: #ttnn.memory_config<#dram, <<1x24>>, shape: #ttnn.shape<2x13x768> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.eq
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.eq | tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1500,1500,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,50,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1370,1370,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,1445,1445,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,11,ui32]> tensor<[1,11,ui32]> tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,12,ui32]> tensor<[1,12,ui32]> tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,13,ui32]> tensor<[1,13,ui32]> tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,14,ui32]> tensor<[1,14,ui32]> tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,15,ui32]> tensor<[1,15,ui32]> tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,16,ui32]> tensor<[1,16,ui32]> tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,17,ui32]> tensor<[1,17,ui32]> tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,18,ui32]> tensor<[1,18,ui32]> tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,19,ui32]> tensor<[1,19,ui32]> tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,13,13,bf16]> tensor<[1,1,13,13,bf16]> tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,32,32,bf16]> tensor<[1,1,32,32,bf16]> tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,45,45,bf16]> tensor<[1,1,45,45,bf16]> tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,5,5,bf16]> tensor<[1,1,5,5,bf16]> tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,20,ui32]> tensor<[1,20,ui32]> tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,21,ui32]> tensor<[1,21,ui32]> tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,22,ui32]> tensor<[1,22,ui32]> tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,23,ui32]> tensor<[1,23,ui32]> tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,24,ui32]> tensor<[1,24,ui32]> tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,25,ui32]> tensor<[1,25,ui32]> tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,26,ui32]> tensor<[1,26,ui32]> tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,27,ui32]> tensor<[1,27,ui32]> tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,28,ui32]> tensor<[1,28,ui32]> tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,29,ui32]> tensor<[1,29,ui32]> tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,5,ui32]> tensor<[1,5,ui32]> tensor<[1,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,6,ui32]> tensor<[1,6,ui32]> tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,7,ui32]> tensor<[1,7,ui32]> tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,7,ui32]> tensor<[1,7,ui32]> tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,8,ui32]> tensor<[1,8,ui32]> tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[1,9,ui32]> tensor<[1,9,ui32]> tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[8,1,ui32]> tensor<[8,1,ui32]> tensor<[8,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.eq | tensor<[8,2,ui32]> tensor<[8,2,ui32]> tensor<[8,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.exp | tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[121,6,144,144,f32]> tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[16,8,49,49,f32]> tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,10,10,f32]> tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,10,f32]> tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,11,f32]> tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,12,f32]> tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,1,f32]> tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,2,f32]> tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,3,f32]> tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,4,f32]> tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,5,f32]> tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,6,f32]> tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,7,f32]> tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,8,f32]> tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,1,9,f32]> tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,201,201,f32]> tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,257,257,f32]> tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,8,8,f32]> tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,10,10,f32]> tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,197,197,f32]> tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,1,f32]> tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,2,f32]> tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,3,f32]> tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,4,f32]> tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,5,f32]> tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,32,32,f32]> tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,1,16384,256,f32]> tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,1,19200,300,f32]> tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,27,257,f32]> tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,2,4096,256,f32]> tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,2,4800,300,f32]> tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,32,49,49,f32]> tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,5,1024,256,f32]> tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,5,1200,300,f32]> tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,15,15,f32]> tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,10,f32]> tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,11,f32]> tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,12,f32]> tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,13,f32]> tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,14,f32]> tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,15,f32]> tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,16,f32]> tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,17,f32]> tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,18,f32]> tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,19,f32]> tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,1,f32]> tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,20,f32]> tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,2,f32]> tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,3,f32]> tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,4,f32]> tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,5,f32]> tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,6,f32]> tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,7,f32]> tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,8,f32]> tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,1,9,f32]> tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,10,10,f32]> tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,10,f32]> tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,11,f32]> tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,12,f32]> tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,13,f32]> tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,14,f32]> tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,15,f32]> tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,16,f32]> tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,17,f32]> tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,18,f32]> tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,19,f32]> tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,1,f32]> tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,20,f32]> tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,2,f32]> tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,3,f32]> tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,4,f32]> tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,5,f32]> tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,6,f32]> tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,7,f32]> tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,8,f32]> tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,1,9,f32]> tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,2048,256,f32]> tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,256,2048,f32]> tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,300,300,f32]> tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[36,12,144,144,f32]> tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[36,24,144,144,f32]> tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[484,6,144,144,f32]> tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[4,16,49,49,f32]> tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[4,48,144,144,f32]> tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[64,1,13,f32]> tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[64,4,49,49,f32]> tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[8,100,100,f32]> tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[8,100,920,f32]> tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[8,920,920,f32]> tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[9,24,144,144,f32]> tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[9,48,144,144,f32]> tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[3072,16,f32]> tensor<[3072,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[3072,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.exp | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.from_device
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'dram') | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 11, 'ui32', 'dram') | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 11, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'ui32', 'dram') | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'dram') | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 12, 'ui32', 'dram') | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 13, 'ui32', 'dram') | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 13, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 13, 'ui32', 'dram') | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 13, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 14, 'ui32', 'dram') | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 14, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 14, 'ui32', 'dram') | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 14, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 15, 'ui32', 'dram') | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 15, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'ui32', 'dram') | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'ui32', 'dram') | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'ui32', 'dram') | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 17, 'ui32', 'dram') | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 17, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 17, 'ui32', 'dram') | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 17, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'ui32', 'dram') | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'ui32', 'dram') | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 19, 'ui32', 'dram') | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 19, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 19, 'ui32', 'dram') | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 19, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'ui32', 'dram') | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'ui32', 'dram') | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 21, 'ui32', 'dram') | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 21, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'ui32', 'dram') | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 22, 'ui32', 'dram') | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 22, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'ui32', 'dram') | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 23, 'ui32', 'dram') | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 23, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 23, 'ui32', 'dram') | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 23, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'ui32', 'dram') | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'ui32', 'dram') | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 25, 'ui32', 'dram') | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 25, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 25, 'ui32', 'dram') | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 25, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 26, 'ui32', 'dram') | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 26, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 26, 'ui32', 'dram') | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 26, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 27, 'ui32', 'dram') | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 27, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 27, 'ui32', 'dram') | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 27, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 28, 'ui32', 'dram') | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 28, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 28, 'ui32', 'dram') | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 28, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 29, 'ui32', 'dram') | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 29, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 29, 'ui32', 'dram') | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 29, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'dram') | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'dram') | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'dram') | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'dram') | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'ui32', 'dram') | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 7, 'ui32', 'dram') | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 7, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'ui32', 'dram') | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'ui32', 'dram') | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'ui32', 'dram') | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 9, 'ui32', 'dram') | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 9, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 9, 'ui32', 'dram') | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 9, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'dram') | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'dram') | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[256,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[256,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'dram') | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'dram') | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'dram') | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'dram') | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'dram') | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'dram') | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,2,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'dram') | tensor<[1,2,2,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,2,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'dram') | tensor<[1,2,2,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'dram') | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,3,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'dram') | tensor<[1,3,3,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,3,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'dram') | tensor<[1,3,3,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1024,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1024,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'dram') | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'dram') | tensor<[1,10,10,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'dram') | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'dram') | tensor<[1,10,10,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'dram') | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,5,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'dram') | tensor<[1,5,5,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,5,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'dram') | tensor<[1,5,5,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'dram') | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'dram') | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'dram') | tensor<[1,20,20,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'dram') | tensor<[1,20,20,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'dram') | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'dram') | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[768,768,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 3 + d2, d3), memory_config: (55296, 1, 'tile<32x32, bf16>', 'dram') | tensor<[768,768,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 3 + d2, d3), memory_config: (55296, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3072,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3072,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[768,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (4608, 1, 'tile<32x32, bf16>', 'dram') | tensor<[768,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (4608, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[768,80,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 3 + d2, d3), memory_config: (5760, 1, 'tile<32x32, bf16>', 'dram') | tensor<[768,80,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 3 + d2, d3), memory_config: (5760, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2048,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, u32>', 'dram') | tensor<[1,2048,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, u32>', 'dram') | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,193,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | tensor<[1,193,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, u32>', 'dram') | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[2,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[2,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[2,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[2,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,5041,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,5041,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,196,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,196,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1024, 'f32', 'dram') | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1024, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1536, 'f32', 'dram') | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 256, 'f32', 'dram') | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 256, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'f32', 'dram') | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3234, 'f32', 'dram') | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3234, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3584, 'f32', 'dram') | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3584, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4096, 'f32', 'dram') | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4096, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 51200, 'f32', 'dram') | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 51200, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 512, 'f32', 'dram') | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 512, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'dram') | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'dram') | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.from_device | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,10,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,11,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,12,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,13,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,14,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,15,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,45,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1571, 'tile<32x32, bf16>', 'dram') | tensor<[1,45,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1571, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[1,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'f32', 'dram') | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | tensor<[1,5,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 51200, 'f32', 'dram') | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 51200, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,6,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,7,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,8,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | tensor<[1,9,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'dram') | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'dram') | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'dram') | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[8,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[8,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'f32', 'dram') | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.from_device | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 160, 'tile<32x32, bf16>', 'dram') | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 160, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 160, 'tile<32x32, bf16>', 'dram') | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 160, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'dram') | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'dram') | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1536, 'f32', 'dram') | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'dram') | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 320, 'tile<32x32, bf16>', 'dram') | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 320, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 320, 'tile<32x32, bf16>', 'dram') | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 320, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (2112, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (2112, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'dram') | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1536, 'f32', 'dram') | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'dram') | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'dram') | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 80, 'tile<32x32, bf16>', 'dram') | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 80, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 80, 'tile<32x32, bf16>', 'dram') | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 80, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 320, 'tile<32x32, bf16>', 'dram') | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 320, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 320, 'tile<32x32, bf16>', 'dram') | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 320, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'dram') | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'dram') | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'dram') | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,7,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'dram') | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'dram') | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'dram') | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'dram') | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan | |
ttnn.from_device | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.full
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0xFF800000 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.000000e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0879999995 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.880000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999996E-13 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999997E-7 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 9.99999974E-6 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 11, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 11, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 13, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 13, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 14, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 14, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 15, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 15, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 17, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 17, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 19, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 19, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 21, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 21, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 22, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 22, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 23, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 23, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 25, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 25, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 26, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 26, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 27, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 27, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 28, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 28, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 29, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 29, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 7, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 7, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 9, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 9, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.200000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.65685415 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.65685415 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.899999976 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.65685415 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.65685415 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.65685415 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.65685415 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.025600e+04 : f32 | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.000000e+00 : f32 | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.000000e+00 : f32 | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,10,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,12,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,14,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,16,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,256,256,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,25,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,6,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,9,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,71,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4544 + d1 * 64 + d2, d3), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,12,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 144 + d1 * 72 + d2 * 12 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 156 + d1 * 78 + d2 * 13 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,14,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 168 + d1 * 84 + d2 * 14 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,15,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 180 + d1 * 90 + d2 * 15 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,16,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 192 + d1 * 96 + d2 * 16 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,17,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 204 + d1 * 102 + d2 * 17 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,18,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 216 + d1 * 108 + d2 * 18 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,19,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 228 + d1 * 114 + d2 * 19 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,20,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 120 + d2 * 20 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,21,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 252 + d1 * 126 + d2 * 21 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,22,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 264 + d1 * 132 + d2 * 22 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,23,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 276 + d1 * 138 + d2 * 23 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,24,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 288 + d1 * 144 + d2 * 24 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,25,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 300 + d1 * 150 + d2 * 25 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,26,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 312 + d1 * 156 + d2 * 26 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,27,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 324 + d1 * 162 + d2 * 27 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,28,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 336 + d1 * 168 + d2 * 28 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,6,29,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 348 + d1 * 174 + d2 * 29 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4,7,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 364 + d1 * 91 + d2 * 13 + d3, d4), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,3,32,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'bf16', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.72614237E-10 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.77068146E-8 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.10102394E-6 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -5.69250624E-5 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -7.34990637E-4 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.954600e-03 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0160960332 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -1.45660715E-5 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -2.13374049E-4 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00168282702 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.00737332925 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -0.0142647391 : f32 | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[12,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[13,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[32,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[45,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.600000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.440000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.400000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.100000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.584000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.400000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.136000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.136000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.072000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.096000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.000000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.560000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.000000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.600000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.960000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.900000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.334370166 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.334370166 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.297301769 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.334370166 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.281170666 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.281170666 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.281170666 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.281170666 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.39763537 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.39763537 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.39763537 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.281170666 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.334370166 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.334370166 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.353553385 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1024, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1536, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.250000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.125000e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.250000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.38953139E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.480000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.500000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.580000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.0441941731 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.0360843912 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.702000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.250000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.471500e-02 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.797884583 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 256, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: -3.40282347E+38 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.702000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3234, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3584, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4096, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.250000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 51200, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 512, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.176776692 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[14,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[56,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.000000e-01 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,100,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,208,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,896,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,13,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,192,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.000000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[5,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.000000e+00 : f32 | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.600000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.072000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.400000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.200000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.920000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.920000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.200000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.400000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.600000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.560000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.072000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.200000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.400000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.560000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.200000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.400000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.096000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.048000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 8.192000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.072000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.228800e+05 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.096000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.560000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.144000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.048000e+04 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.536000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.200000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 3.840000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 6.400000e+01 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.920000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.544000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.048000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.280000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.048000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 4.096000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 7.680000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 5.120000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 1.024000e+03 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 2.560000e+02 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan | |
ttnn.full | !tt.device<#device> | fillValue: 0.000000e+00 : f32 | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.ge
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.ge | tensor<[5,5,ui32]> tensor<[5,5,ui32]> tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.get_device
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc15) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc14) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc13) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc12) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc11) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc10) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc9) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc11) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc11) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc51) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc50) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc49) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc48) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc47) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc46) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc45) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc44) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc43) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc42) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc41) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc40) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc39) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc38) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc37) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc36) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc35) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc34) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc33) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc32) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc31) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc30) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc29) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc28) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc27) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc26) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc25) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc24) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc23) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc22) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc21) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc20) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc19) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc18) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc17) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc16) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc15) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc14) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc13) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc12) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc11) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc10) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc9) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc11) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc9) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc35) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc34) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc33) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc32) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc31) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc30) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc29) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc28) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc27) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc26) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc25) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc24) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc23) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc22) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc21) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc20) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc19) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc18) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc17) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc16) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc15) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc14) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc13) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc12) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc11) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc10) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc9) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc7) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc2) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc17) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc16) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc15) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc14) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc13) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc12) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc11) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc10) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc9) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc8) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc6) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc4) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc5) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan | |||
ttnn.get_device | mesh_shape: #ttnn<mesh_shape 1x1> | !tt.device<#device> loc(#loc3) | nan | nan |
ttnn.gt
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.gt | tensor<[1,11,ui32]> tensor<[1,11,ui32]> tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[12,12,ui32]> tensor<[12,12,ui32]> tensor<[12,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,12,ui32]> tensor<[1,12,ui32]> tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[13,13,ui32]> tensor<[13,13,ui32]> tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,13,ui32]> tensor<[1,13,ui32]> tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,14,ui32]> tensor<[1,14,ui32]> tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,15,ui32]> tensor<[1,15,ui32]> tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,16,ui32]> tensor<[1,16,ui32]> tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,17,ui32]> tensor<[1,17,ui32]> tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,18,ui32]> tensor<[1,18,ui32]> tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,19,ui32]> tensor<[1,19,ui32]> tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,20,ui32]> tensor<[1,20,ui32]> tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,21,ui32]> tensor<[1,21,ui32]> tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,22,ui32]> tensor<[1,22,ui32]> tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,23,ui32]> tensor<[1,23,ui32]> tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,24,ui32]> tensor<[1,24,ui32]> tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,25,ui32]> tensor<[1,25,ui32]> tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,26,ui32]> tensor<[1,26,ui32]> tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,27,ui32]> tensor<[1,27,ui32]> tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,28,ui32]> tensor<[1,28,ui32]> tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,29,ui32]> tensor<[1,29,ui32]> tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[32,32,ui32]> tensor<[32,32,ui32]> tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[45,45,ui32]> tensor<[45,45,ui32]> tensor<[45,45,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,45,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,46,ui32]> tensor<[1,46,ui32]> tensor<[1,46,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,47,ui32]> tensor<[1,47,ui32]> tensor<[1,47,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,47,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,48,ui32]> tensor<[1,48,ui32]> tensor<[1,48,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,49,ui32]> tensor<[1,49,ui32]> tensor<[1,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,50,ui32]> tensor<[1,50,ui32]> tensor<[1,50,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,51,ui32]> tensor<[1,51,ui32]> tensor<[1,51,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,51,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,52,ui32]> tensor<[1,52,ui32]> tensor<[1,52,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,52,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,53,ui32]> tensor<[1,53,ui32]> tensor<[1,53,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,53,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,54,ui32]> tensor<[1,54,ui32]> tensor<[1,54,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,54,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,55,ui32]> tensor<[1,55,ui32]> tensor<[1,55,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,55,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,56,ui32]> tensor<[1,56,ui32]> tensor<[1,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,57,ui32]> tensor<[1,57,ui32]> tensor<[1,57,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,57,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,58,ui32]> tensor<[1,58,ui32]> tensor<[1,58,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,59,ui32]> tensor<[1,59,ui32]> tensor<[1,59,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,59,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[5,5,ui32]> tensor<[5,5,ui32]> tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,60,ui32]> tensor<[1,60,ui32]> tensor<[1,60,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,61,ui32]> tensor<[1,61,ui32]> tensor<[1,61,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,61,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,62,ui32]> tensor<[1,62,ui32]> tensor<[1,62,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,62,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,63,ui32]> tensor<[1,63,ui32]> tensor<[1,63,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,63,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,64,ui32]> tensor<[1,64,ui32]> tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,65,ui32]> tensor<[1,65,ui32]> tensor<[1,65,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,66,ui32]> tensor<[1,66,ui32]> tensor<[1,66,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,66,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,67,ui32]> tensor<[1,67,ui32]> tensor<[1,67,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,67,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,68,ui32]> tensor<[1,68,ui32]> tensor<[1,68,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,69,ui32]> tensor<[1,69,ui32]> tensor<[1,69,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,69,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,6,ui32]> tensor<[1,6,ui32]> tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,70,ui32]> tensor<[1,70,ui32]> tensor<[1,70,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,70,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,71,ui32]> tensor<[1,71,ui32]> tensor<[1,71,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,72,ui32]> tensor<[1,72,ui32]> tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,73,ui32]> tensor<[1,73,ui32]> tensor<[1,73,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,73,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,74,ui32]> tensor<[1,74,ui32]> tensor<[1,74,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,74,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,75,ui32]> tensor<[1,75,ui32]> tensor<[1,75,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,75,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,76,ui32]> tensor<[1,76,ui32]> tensor<[1,76,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,76,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,77,ui32]> tensor<[1,77,ui32]> tensor<[1,77,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,77,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,78,ui32]> tensor<[1,78,ui32]> tensor<[1,78,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,79,ui32]> tensor<[1,79,ui32]> tensor<[1,79,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,79,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,7,ui32]> tensor<[1,7,ui32]> tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,80,ui32]> tensor<[1,80,ui32]> tensor<[1,80,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,81,ui32]> tensor<[1,81,ui32]> tensor<[1,81,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,81,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,82,ui32]> tensor<[1,82,ui32]> tensor<[1,82,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,82,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,83,ui32]> tensor<[1,83,ui32]> tensor<[1,83,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,83,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,84,ui32]> tensor<[1,84,ui32]> tensor<[1,84,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,84,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,85,ui32]> tensor<[1,85,ui32]> tensor<[1,85,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,85,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,86,ui32]> tensor<[1,86,ui32]> tensor<[1,86,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,86,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,87,ui32]> tensor<[1,87,ui32]> tensor<[1,87,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,87,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,88,ui32]> tensor<[1,88,ui32]> tensor<[1,88,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,89,ui32]> tensor<[1,89,ui32]> tensor<[1,89,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,89,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,8,ui32]> tensor<[1,8,ui32]> tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,90,ui32]> tensor<[1,90,ui32]> tensor<[1,90,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,90,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,91,ui32]> tensor<[1,91,ui32]> tensor<[1,91,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,91,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,92,ui32]> tensor<[1,92,ui32]> tensor<[1,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,93,ui32]> tensor<[1,93,ui32]> tensor<[1,93,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,93,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,94,ui32]> tensor<[1,94,ui32]> tensor<[1,94,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,94,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,95,ui32]> tensor<[1,95,ui32]> tensor<[1,95,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,95,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,96,ui32]> tensor<[1,96,ui32]> tensor<[1,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,97,ui32]> tensor<[1,97,ui32]> tensor<[1,97,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,97,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,98,ui32]> tensor<[1,98,ui32]> tensor<[1,98,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,99,ui32]> tensor<[1,99,ui32]> tensor<[1,99,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,99,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,9,ui32]> tensor<[1,9,ui32]> tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.gt | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.log1p | tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.log1p | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.logical_not
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.logical_not | tensor<[1,bf16]> tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.lt
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.lt | tensor<[6,6,ui32]> tensor<[6,6,ui32]> tensor<[6,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.lt | tensor<[8,2048,f32]> tensor<[8,2048,f32]> tensor<[8,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.matmul
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.matmul | tensor<[8,100,32,bf16]> tensor<[8,32,920,bf16]> tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,920,32,bf16]> tensor<[8,32,920,bf16]> tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[120,28,14,bf16]> tensor<[120,14,28,bf16]> tensor<[120,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | tensor<[120,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1280,16,16,bf16]> tensor<[1280,16,32,bf16]> tensor<[1280,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1280,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1280,16,8,bf16]> tensor<[1280,8,16,bf16]> tensor<[1280,16,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1280,16,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1280,32,16,bf16]> tensor<[1280,16,32,bf16]> tensor<[1280,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1280,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1280,8,8,bf16]> tensor<[1280,8,16,bf16]> tensor<[1280,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1280,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[128,32,32,bf16]> tensor<[128,32,64,bf16]> tensor<[128,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | tensor<[128,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[128,49,32,bf16]> tensor<[128,32,49,bf16]> tensor<[128,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | tensor<[128,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[128,49,49,bf16]> tensor<[128,49,32,bf16]> tensor<[128,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | tensor<[128,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[128,64,32,bf16]> tensor<[128,32,64,bf16]> tensor<[128,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | tensor<[128,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,10,10,f32]> tensor<[12,10,64,f32]> tensor<[12,10,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,10,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,10,64,f32]> tensor<[12,64,10,f32]> tensor<[12,10,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,10,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,12,128,f32]> tensor<[12,128,12,f32]> tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,12,12,f32]> tensor<[12,12,128,f32]> tensor<[12,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,12,12,f32]> tensor<[12,12,64,f32]> tensor<[12,12,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,12,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,12,64,f32]> tensor<[12,64,12,f32]> tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,14,14,f32]> tensor<[12,14,64,f32]> tensor<[12,14,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,14,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,14,64,f32]> tensor<[12,64,14,f32]> tensor<[12,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1500,1500,f32]> tensor<[12,1500,64,f32]> tensor<[12,1500,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1500,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1500,64,f32]> tensor<[12,64,1500,f32]> tensor<[12,1500,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | tensor<[12,1500,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,16,16,f32]> tensor<[12,16,64,f32]> tensor<[12,16,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,16,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,16,64,f32]> tensor<[12,64,16,f32]> tensor<[12,16,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,16,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,197,197,bf16]> tensor<[12,197,64,bf16]> tensor<[12,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,197,64,bf16]> tensor<[12,64,197,bf16]> tensor<[12,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | tensor<[12,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,10,bf16]> tensor<[12,10,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,11,bf16]> tensor<[12,11,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,13,f32]> tensor<[12,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,14,f32]> tensor<[12,1,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,15,f32]> tensor<[12,1,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,16,f32]> tensor<[12,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,17,f32]> tensor<[12,1,17,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,17,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,18,f32]> tensor<[12,1,18,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,18,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,19,f32]> tensor<[12,1,19,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,19,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,20,f32]> tensor<[12,1,20,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,20,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,21,f32]> tensor<[12,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,22,f32]> tensor<[12,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,23,f32]> tensor<[12,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,24,f32]> tensor<[12,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,25,f32]> tensor<[12,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,26,f32]> tensor<[12,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,27,f32]> tensor<[12,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,28,f32]> tensor<[12,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,128,f32]> tensor<[12,128,29,f32]> tensor<[12,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,12,bf16]> tensor<[12,12,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,13,f32]> tensor<[12,13,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,13,bf16]> tensor<[12,13,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,14,f32]> tensor<[12,14,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,14,bf16]> tensor<[12,14,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,15,f32]> tensor<[12,15,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,15,bf16]> tensor<[12,15,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,16,f32]> tensor<[12,16,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,16,bf16]> tensor<[12,16,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,17,f32]> tensor<[12,17,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,17,bf16]> tensor<[12,17,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,18,f32]> tensor<[12,18,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,18,bf16]> tensor<[12,18,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,19,f32]> tensor<[12,19,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,19,bf16]> tensor<[12,19,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,1,bf16]> tensor<[12,1,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,20,f32]> tensor<[12,20,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,20,bf16]> tensor<[12,20,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,21,f32]> tensor<[12,21,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 21 + d1, d2), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,22,f32]> tensor<[12,22,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 22 + d1, d2), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,23,f32]> tensor<[12,23,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 23 + d1, d2), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,24,f32]> tensor<[12,24,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,25,f32]> tensor<[12,25,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,26,f32]> tensor<[12,26,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 26 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,27,f32]> tensor<[12,27,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,28,f32]> tensor<[12,28,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,29,f32]> tensor<[12,29,128,f32]> tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 29 + d1, d2), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,2,bf16]> tensor<[12,2,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,3,bf16]> tensor<[12,3,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,46,bf16]> tensor<[12,46,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 46 + d1, d2), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,47,bf16]> tensor<[12,47,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 47 + d1, d2), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,48,bf16]> tensor<[12,48,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,49,bf16]> tensor<[12,49,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,4,bf16]> tensor<[12,4,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,50,bf16]> tensor<[12,50,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,51,bf16]> tensor<[12,51,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 51 + d1, d2), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,52,bf16]> tensor<[12,52,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 52 + d1, d2), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,53,bf16]> tensor<[12,53,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 53 + d1, d2), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,54,bf16]> tensor<[12,54,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 54 + d1, d2), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,55,bf16]> tensor<[12,55,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 55 + d1, d2), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,56,bf16]> tensor<[12,56,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,57,bf16]> tensor<[12,57,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 57 + d1, d2), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,58,bf16]> tensor<[12,58,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 58 + d1, d2), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,59,bf16]> tensor<[12,59,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 59 + d1, d2), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,5,bf16]> tensor<[12,5,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,60,bf16]> tensor<[12,60,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,61,bf16]> tensor<[12,61,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 61 + d1, d2), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,62,bf16]> tensor<[12,62,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 62 + d1, d2), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,63,bf16]> tensor<[12,63,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 63 + d1, d2), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,1,bf16]> tensor<[12,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,10,bf16]> tensor<[12,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,11,bf16]> tensor<[12,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,12,bf16]> tensor<[12,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,13,bf16]> tensor<[12,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,14,bf16]> tensor<[12,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,15,bf16]> tensor<[12,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,16,bf16]> tensor<[12,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,17,bf16]> tensor<[12,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,18,bf16]> tensor<[12,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,19,bf16]> tensor<[12,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,2,bf16]> tensor<[12,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,20,bf16]> tensor<[12,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,3,bf16]> tensor<[12,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,4,bf16]> tensor<[12,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,46,f32]> tensor<[12,1,46,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,46,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,47,f32]> tensor<[12,1,47,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,47,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,48,f32]> tensor<[12,1,48,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,48,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,49,f32]> tensor<[12,1,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,5,bf16]> tensor<[12,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,50,f32]> tensor<[12,1,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,51,f32]> tensor<[12,1,51,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,51,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,52,f32]> tensor<[12,1,52,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,52,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,53,f32]> tensor<[12,1,53,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,53,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,54,f32]> tensor<[12,1,54,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,54,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,55,f32]> tensor<[12,1,55,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,55,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,56,f32]> tensor<[12,1,56,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,56,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,57,f32]> tensor<[12,1,57,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,57,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,58,f32]> tensor<[12,1,58,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,58,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,59,f32]> tensor<[12,1,59,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,59,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,6,bf16]> tensor<[12,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,60,f32]> tensor<[12,1,60,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,60,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,61,f32]> tensor<[12,1,61,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,61,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,62,f32]> tensor<[12,1,62,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,62,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,63,f32]> tensor<[12,1,63,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,63,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,64,f32]> tensor<[12,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,65,f32]> tensor<[12,1,65,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,65,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,66,f32]> tensor<[12,1,66,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,66,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,67,f32]> tensor<[12,1,67,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,67,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,68,f32]> tensor<[12,1,68,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,68,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,69,f32]> tensor<[12,1,69,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,69,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,7,bf16]> tensor<[12,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,70,f32]> tensor<[12,1,70,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,70,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,71,f32]> tensor<[12,1,71,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,71,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,72,f32]> tensor<[12,1,72,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,72,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,73,f32]> tensor<[12,1,73,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,73,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,74,f32]> tensor<[12,1,74,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,74,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,75,f32]> tensor<[12,1,75,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,75,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,76,f32]> tensor<[12,1,76,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,76,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,77,f32]> tensor<[12,1,77,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,77,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,78,f32]> tensor<[12,1,78,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,78,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,79,f32]> tensor<[12,1,79,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,79,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,8,bf16]> tensor<[12,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,80,f32]> tensor<[12,1,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,81,f32]> tensor<[12,1,81,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,81,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,82,f32]> tensor<[12,1,82,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,82,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,83,f32]> tensor<[12,1,83,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,83,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,84,f32]> tensor<[12,1,84,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,84,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,85,f32]> tensor<[12,1,85,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,85,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,86,f32]> tensor<[12,1,86,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,86,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,87,f32]> tensor<[12,1,87,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,87,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,88,f32]> tensor<[12,1,88,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,88,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,89,f32]> tensor<[12,1,89,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,89,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,bf16]> tensor<[12,64,9,bf16]> tensor<[12,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,90,f32]> tensor<[12,1,90,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,90,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,91,f32]> tensor<[12,1,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,92,f32]> tensor<[12,1,92,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,92,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,93,f32]> tensor<[12,1,93,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,93,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,94,f32]> tensor<[12,1,94,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,94,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,95,f32]> tensor<[12,1,95,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,95,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,96,f32]> tensor<[12,1,96,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | tensor<[12,1,96,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,97,f32]> tensor<[12,1,97,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,97,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,98,f32]> tensor<[12,1,98,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,98,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,64,f32]> tensor<[12,64,99,f32]> tensor<[12,1,99,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[12,1,99,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,65,bf16]> tensor<[12,65,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,66,bf16]> tensor<[12,66,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 66 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,67,bf16]> tensor<[12,67,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 67 + d1, d2), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,68,bf16]> tensor<[12,68,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 68 + d1, d2), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,69,bf16]> tensor<[12,69,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 69 + d1, d2), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,6,bf16]> tensor<[12,6,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,70,bf16]> tensor<[12,70,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 70 + d1, d2), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,71,bf16]> tensor<[12,71,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 71 + d1, d2), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,72,bf16]> tensor<[12,72,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 72 + d1, d2), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,73,bf16]> tensor<[12,73,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 73 + d1, d2), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,74,bf16]> tensor<[12,74,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 74 + d1, d2), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,75,bf16]> tensor<[12,75,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 75 + d1, d2), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,76,bf16]> tensor<[12,76,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 76 + d1, d2), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,77,bf16]> tensor<[12,77,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 77 + d1, d2), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,78,bf16]> tensor<[12,78,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 78 + d1, d2), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,79,bf16]> tensor<[12,79,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 79 + d1, d2), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,7,bf16]> tensor<[12,7,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,80,bf16]> tensor<[12,80,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,81,bf16]> tensor<[12,81,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 81 + d1, d2), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,82,bf16]> tensor<[12,82,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 82 + d1, d2), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,83,bf16]> tensor<[12,83,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 83 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,84,bf16]> tensor<[12,84,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 84 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,85,bf16]> tensor<[12,85,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 85 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,86,bf16]> tensor<[12,86,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 86 + d1, d2), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,87,bf16]> tensor<[12,87,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 87 + d1, d2), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,88,bf16]> tensor<[12,88,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 88 + d1, d2), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,89,bf16]> tensor<[12,89,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 89 + d1, d2), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,8,bf16]> tensor<[12,8,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,90,bf16]> tensor<[12,90,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 90 + d1, d2), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,91,bf16]> tensor<[12,91,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 91 + d1, d2), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,92,bf16]> tensor<[12,92,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 92 + d1, d2), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,93,bf16]> tensor<[12,93,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 93 + d1, d2), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,94,bf16]> tensor<[12,94,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 94 + d1, d2), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,95,bf16]> tensor<[12,95,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 95 + d1, d2), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,96,bf16]> tensor<[12,96,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 96 + d1, d2), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,97,bf16]> tensor<[12,97,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 97 + d1, d2), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,98,bf16]> tensor<[12,98,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 98 + d1, d2), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,99,bf16]> tensor<[12,99,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 99 + d1, d2), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1,9,bf16]> tensor<[12,9,64,bf16]> tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,201,201,bf16]> tensor<[12,201,64,bf16]> tensor<[12,201,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,201,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,201,64,bf16]> tensor<[12,64,201,bf16]> tensor<[12,201,201,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | tensor<[12,201,201,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,257,257,bf16]> tensor<[12,257,64,bf16]> tensor<[12,257,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,257,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,257,64,bf16]> tensor<[12,64,257,bf16]> tensor<[12,257,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | tensor<[12,257,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,25,25,f32]> tensor<[12,25,64,f32]> tensor<[12,25,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,25,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,25,64,f32]> tensor<[12,64,25,f32]> tensor<[12,25,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,25,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,45,45,bf16]> tensor<[12,45,64,bf16]> tensor<[12,45,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,45,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,45,64,f32]> tensor<[12,64,45,f32]> tensor<[12,45,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,45,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,50,50,f32]> tensor<[12,50,64,f32]> tensor<[12,50,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,50,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,50,64,f32]> tensor<[12,64,50,f32]> tensor<[12,50,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,50,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,7,64,f32]> tensor<[12,64,7,f32]> tensor<[12,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,7,7,f32]> tensor<[12,7,64,f32]> tensor<[12,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,8,64,bf16]> tensor<[12,64,8,bf16]> tensor<[12,8,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | tensor<[12,8,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,8,8,bf16]> tensor<[12,8,64,bf16]> tensor<[12,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | tensor<[12,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,9,64,f32]> tensor<[12,64,9,f32]> tensor<[12,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,9,9,f32]> tensor<[12,9,64,f32]> tensor<[12,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | tensor<[12,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1452,144,144,f32]> tensor<[1452,144,32,f32]> tensor<[1452,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | tensor<[1452,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1452,144,32,f32]> tensor<[1452,32,144,f32]> tensor<[1452,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1452, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | tensor<[1452,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1536,16,16,f32]> tensor<[1536,16,32,f32]> tensor<[1536,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[1536,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1536,32,16,f32]> tensor<[1536,16,32,f32]> tensor<[1536,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | tensor<[1536,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1536,32,64,f32]> tensor<[1536,64,32,f32]> tensor<[1536,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | tensor<[1536,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1536,64,64,f32]> tensor<[1536,64,32,f32]> tensor<[1536,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | tensor<[1536,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,10,10,bf16]> tensor<[16,10,64,bf16]> tensor<[16,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,10,64,bf16]> tensor<[16,64,10,bf16]> tensor<[16,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1370,1370,f32]> tensor<[16,1370,80,f32]> tensor<[16,1370,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | tensor<[16,1370,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1370,80,f32]> tensor<[16,80,1370,f32]> tensor<[16,1370,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | tensor<[16,1370,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,197,197,bf16]> tensor<[16,197,64,bf16]> tensor<[16,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,197,64,bf16]> tensor<[16,64,197,bf16]> tensor<[16,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | tensor<[16,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,10,bf16]> tensor<[16,10,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,11,bf16]> tensor<[16,11,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,12,bf16]> tensor<[16,12,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,13,bf16]> tensor<[16,13,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,14,bf16]> tensor<[16,14,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,15,bf16]> tensor<[16,15,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,16,bf16]> tensor<[16,16,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,17,bf16]> tensor<[16,17,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,18,bf16]> tensor<[16,18,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,19,bf16]> tensor<[16,19,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,1,bf16]> tensor<[16,1,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,20,bf16]> tensor<[16,20,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,21,bf16]> tensor<[16,21,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 21 + d1, d2), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,22,bf16]> tensor<[16,22,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 22 + d1, d2), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,23,bf16]> tensor<[16,23,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 23 + d1, d2), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,24,bf16]> tensor<[16,24,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,25,f32]> tensor<[16,25,64,f32]> tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,26,f32]> tensor<[16,26,64,f32]> tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 26 + d1, d2), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,27,f32]> tensor<[16,27,64,f32]> tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,28,f32]> tensor<[16,28,64,f32]> tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,29,f32]> tensor<[16,29,64,f32]> tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 29 + d1, d2), memory_config: (15, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,2,bf16]> tensor<[16,2,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,3,bf16]> tensor<[16,3,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,4,bf16]> tensor<[16,4,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,5,bf16]> tensor<[16,5,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,1,bf16]> tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,10,bf16]> tensor<[16,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,11,bf16]> tensor<[16,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,12,bf16]> tensor<[16,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,13,bf16]> tensor<[16,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,14,bf16]> tensor<[16,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,15,bf16]> tensor<[16,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,16,bf16]> tensor<[16,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,17,bf16]> tensor<[16,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,18,bf16]> tensor<[16,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,19,bf16]> tensor<[16,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,2,bf16]> tensor<[16,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,20,bf16]> tensor<[16,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,21,f32]> tensor<[16,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,22,f32]> tensor<[16,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,23,f32]> tensor<[16,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,24,f32]> tensor<[16,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,25,f32]> tensor<[16,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,26,f32]> tensor<[16,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,27,f32]> tensor<[16,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,28,f32]> tensor<[16,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,f32]> tensor<[16,64,29,f32]> tensor<[16,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,3,bf16]> tensor<[16,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,4,bf16]> tensor<[16,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,5,bf16]> tensor<[16,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,6,bf16]> tensor<[16,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,7,bf16]> tensor<[16,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,8,bf16]> tensor<[16,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,64,bf16]> tensor<[16,64,9,bf16]> tensor<[16,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,6,bf16]> tensor<[16,6,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,7,bf16]> tensor<[16,7,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,8,bf16]> tensor<[16,8,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,1,9,bf16]> tensor<[16,9,64,bf16]> tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,256,256,f32]> tensor<[16,256,64,f32]> tensor<[16,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,256,64,f32]> tensor<[16,64,256,f32]> tensor<[16,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | tensor<[16,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,32,32,bf16]> tensor<[16,32,96,bf16]> tensor<[16,32,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | tensor<[16,32,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,5,5,bf16]> tensor<[16,5,64,bf16]> tensor<[16,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | tensor<[16,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,5,64,f32]> tensor<[16,64,5,f32]> tensor<[16,5,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,5,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,6,64,f32]> tensor<[16,64,6,f32]> tensor<[16,6,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,6,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,6,6,f32]> tensor<[16,6,64,f32]> tensor<[16,6,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,6,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,7,64,f32]> tensor<[16,64,7,f32]> tensor<[16,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,7,7,f32]> tensor<[16,7,64,f32]> tensor<[16,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,9,128,f32]> tensor<[16,128,9,f32]> tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,9,64,f32]> tensor<[16,64,9,f32]> tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,9,9,f32]> tensor<[16,9,128,f32]> tensor<[16,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | tensor<[16,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,9,9,f32]> tensor<[16,9,64,f32]> tensor<[16,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | tensor<[16,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[184,14,7,bf16]> tensor<[184,7,14,bf16]> tensor<[184,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | tensor<[184,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[184,7,7,bf16]> tensor<[184,7,14,bf16]> tensor<[184,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | tensor<[184,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[18,14,14,bf16]> tensor<[18,14,56,bf16]> tensor<[18,14,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | tensor<[18,14,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[18,28,28,bf16]> tensor<[18,28,56,bf16]> tensor<[18,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | tensor<[18,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[18,56,14,bf16]> tensor<[18,14,56,bf16]> tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[18,56,28,bf16]> tensor<[18,28,56,bf16]> tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[18,56,7,bf16]> tensor<[18,7,56,bf16]> tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[18,7,7,bf16]> tensor<[18,7,56,bf16]> tensor<[18,7,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | tensor<[18,7,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[192,128,128,f32]> tensor<[192,128,256,f32]> tensor<[192,128,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') | tensor<[192,128,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[192,144,144,f32]> tensor<[192,144,32,f32]> tensor<[192,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | tensor<[192,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[192,144,32,f32]> tensor<[192,32,144,f32]> tensor<[192,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (192, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | tensor<[192,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[192,256,128,f32]> tensor<[192,128,256,f32]> tensor<[192,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | tensor<[192,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,10,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,10,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,11,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,11,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,12,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,12,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,12,512,f32]> tensor<[1,512,16,f32]> tensor<[1,12,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,12,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,13,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,13,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,14,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,14,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,15,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,15,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,16384,256,bf16]> tensor<[1,256,32,bf16]> tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,16384,32,bf16]> tensor<[1,32,256,bf16]> tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,19200,300,bf16]> tensor<[1,300,64,bf16]> tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,19200,64,bf16]> tensor<[1,64,300,bf16]> tensor<[1,19200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | tensor<[1,19200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1,1536,bf16]> tensor<[1,1536,151936,bf16]> tensor<[1,1,151936,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1536 + d1, d2), memory_config: (48, 4748, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | tensor<[1,1,151936,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,27,257,bf16]> tensor<[1,257,768,bf16]> tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,3072,16,bf16]> tensor<[1,16,1,bf16]> tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,384,f32]> tensor<[1,384,12,f32]> tensor<[1,512,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 384 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,512,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,64,1,f32]> tensor<[1,1,1,f32]> tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,64,1,f32]> tensor<[1,1,12,f32]> tensor<[1,64,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,64,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,64,1,f32]> tensor<[1,1,13,f32]> tensor<[1,64,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,64,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,64,1,f32]> tensor<[1,1,32,f32]> tensor<[1,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,6,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,6,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,7,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,7,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,8,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,8,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,9,3072,bf16]> tensor<[1,3072,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,9,3072,bf16]> tensor<[1,3072,1536,bf16]> tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[200,14,7,bf16]> tensor<[200,7,14,bf16]> tensor<[200,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | tensor<[200,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[200,7,7,bf16]> tensor<[200,7,14,bf16]> tensor<[200,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | tensor<[200,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[216,144,144,f32]> tensor<[216,144,32,f32]> tensor<[216,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | tensor<[216,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[216,144,32,f32]> tensor<[216,32,144,f32]> tensor<[216,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (216, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | tensor<[216,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[240,14,14,bf16]> tensor<[240,14,28,bf16]> tensor<[240,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | tensor<[240,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[240,28,14,bf16]> tensor<[240,14,28,bf16]> tensor<[240,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | tensor<[240,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[24,13,13,f32]> tensor<[24,13,64,f32]> tensor<[24,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | tensor<[24,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[24,13,64,f32]> tensor<[24,64,13,f32]> tensor<[24,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | tensor<[24,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[24,32,128,f32]> tensor<[24,128,32,f32]> tensor<[24,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | tensor<[24,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[24,32,32,f32]> tensor<[24,32,128,f32]> tensor<[24,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | tensor<[24,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,128,128,bf16]> tensor<[256,128,128,bf16]> tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,128,16,bf16]> tensor<[256,16,128,bf16]> tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,128,32,bf16]> tensor<[256,32,128,bf16]> tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,128,64,bf16]> tensor<[256,64,128,bf16]> tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,16,16,bf16]> tensor<[256,16,128,bf16]> tensor<[256,16,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | tensor<[256,16,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,16,16,bf16]> tensor<[256,16,32,bf16]> tensor<[256,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | tensor<[256,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,32,16,bf16]> tensor<[256,16,32,bf16]> tensor<[256,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | tensor<[256,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,32,32,bf16]> tensor<[256,32,128,bf16]> tensor<[256,32,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | tensor<[256,32,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,49,32,bf16]> tensor<[256,32,49,bf16]> tensor<[256,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | tensor<[256,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,49,49,bf16]> tensor<[256,49,32,bf16]> tensor<[256,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | tensor<[256,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,64,64,bf16]> tensor<[256,64,128,bf16]> tensor<[256,64,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | tensor<[256,64,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[28,13,128,f32]> tensor<[28,128,13,f32]> tensor<[28,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | tensor<[28,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[28,13,13,f32]> tensor<[28,13,128,f32]> tensor<[28,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | tensor<[28,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2904,144,144,f32]> tensor<[2904,144,32,f32]> tensor<[2904,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | tensor<[2904,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2904,144,32,f32]> tensor<[2904,32,144,f32]> tensor<[2904,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (2904, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | tensor<[2904,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2,4096,256,bf16]> tensor<[2,256,32,bf16]> tensor<[2,4096,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | tensor<[2,4096,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2,4096,32,bf16]> tensor<[2,32,256,bf16]> tensor<[2,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | tensor<[2,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2,4800,300,bf16]> tensor<[2,300,64,bf16]> tensor<[2,4800,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | tensor<[2,4800,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2,4800,64,bf16]> tensor<[2,64,300,bf16]> tensor<[2,4800,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (4, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | tensor<[2,4800,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,32,128,f32]> tensor<[32,128,32,f32]> tensor<[32,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | tensor<[32,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,32,32,f32]> tensor<[32,32,128,f32]> tensor<[32,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | tensor<[32,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,49,32,bf16]> tensor<[32,32,49,bf16]> tensor<[32,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | tensor<[32,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,49,49,bf16]> tensor<[32,49,32,bf16]> tensor<[32,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | tensor<[32,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[36,14,14,bf16]> tensor<[36,14,28,bf16]> tensor<[36,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | tensor<[36,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[36,28,14,bf16]> tensor<[36,14,28,bf16]> tensor<[36,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | tensor<[36,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[36,28,7,bf16]> tensor<[36,7,28,bf16]> tensor<[36,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | tensor<[36,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[36,7,7,bf16]> tensor<[36,7,28,bf16]> tensor<[36,7,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | tensor<[36,7,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[384,128,64,f32]> tensor<[384,64,128,f32]> tensor<[384,128,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | tensor<[384,128,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[384,256,256,f32]> tensor<[384,256,32,f32]> tensor<[384,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | tensor<[384,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[384,32,256,f32]> tensor<[384,256,32,f32]> tensor<[384,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (384, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (384, 1, 'tile<32x32, f32>', 'dram') | tensor<[384,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (384, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[384,64,64,f32]> tensor<[384,64,128,f32]> tensor<[384,64,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | tensor<[384,64,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3,1024,1024,f32]> tensor<[3,1024,512,f32]> tensor<[3,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') | tensor<[3,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3,1445,1445,f32]> tensor<[3,1445,64,f32]> tensor<[3,1445,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | tensor<[3,1445,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3,1445,64,f32]> tensor<[3,64,1445,f32]> tensor<[3,1445,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | tensor<[3,1445,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3,512,1024,f32]> tensor<[3,1024,512,f32]> tensor<[3,512,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (48, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (48, 16, 'tile<32x32, f32>', 'dram') | tensor<[3,512,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (48, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[432,144,144,f32]> tensor<[432,144,32,f32]> tensor<[432,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | tensor<[432,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[432,144,32,f32]> tensor<[432,32,144,f32]> tensor<[432,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (432, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | tensor<[432,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[480,14,7,bf16]> tensor<[480,7,14,bf16]> tensor<[480,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | tensor<[480,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[480,7,7,bf16]> tensor<[480,7,14,bf16]> tensor<[480,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | tensor<[480,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1024,256,bf16]> tensor<[5,256,32,bf16]> tensor<[5,1024,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | tensor<[5,1024,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1024,32,bf16]> tensor<[5,32,256,bf16]> tensor<[5,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (5, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | tensor<[5,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1200,300,bf16]> tensor<[5,300,64,bf16]> tensor<[5,1200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (47, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | tensor<[5,1200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1200,64,bf16]> tensor<[5,64,300,bf16]> tensor<[5,1200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | tensor<[5,1200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[640,32,32,bf16]> tensor<[640,32,64,bf16]> tensor<[640,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | tensor<[640,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[640,64,32,bf16]> tensor<[640,32,64,bf16]> tensor<[640,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | tensor<[640,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,120,80,bf16]> tensor<[64,80,160,bf16]> tensor<[64,120,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (160, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | tensor<[64,120,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,160,120,bf16]> tensor<[64,120,240,bf16]> tensor<[64,160,240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (320, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (240, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (320, 8, 'tile<32x32, bf16>', 'dram') | tensor<[64,160,240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (320, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,1,13,f32]> tensor<[64,13,64,f32]> tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,1,1,f32]> tensor<[64,1,64,f32]> tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,1,64,f32]> tensor<[64,64,1,f32]> tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,1,64,f32]> tensor<[64,64,13,f32]> tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,20,15,bf16]> tensor<[64,15,30,bf16]> tensor<[64,20,30,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | tensor<[64,20,30,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,240,160,bf16]> tensor<[64,160,320,bf16]> tensor<[64,240,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 240 + d1, d2), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (320, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 240 + d1, d2), memory_config: (480, 10, 'tile<32x32, bf16>', 'dram') | tensor<[64,240,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 240 + d1, d2), memory_config: (480, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,30,20,bf16]> tensor<[64,20,40,bf16]> tensor<[64,30,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (40, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | tensor<[64,30,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,320,240,bf16]> tensor<[64,240,480,bf16]> tensor<[64,320,480,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (640, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 240 + d1, d2), memory_config: (480, 15, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (640, 15, 'tile<32x32, bf16>', 'dram') | tensor<[64,320,480,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (640, 15, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,40,30,bf16]> tensor<[64,30,60,bf16]> tensor<[64,40,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | tensor<[64,40,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,480,320,bf16]> tensor<[64,320,640,bf16]> tensor<[64,480,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 480 + d1, d2), memory_config: (960, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (640, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 480 + d1, d2), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | tensor<[64,480,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 480 + d1, d2), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,49,32,bf16]> tensor<[64,32,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (64, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,49,49,bf16]> tensor<[64,49,32,bf16]> tensor<[64,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | tensor<[64,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,60,40,bf16]> tensor<[64,40,80,bf16]> tensor<[64,60,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (80, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | tensor<[64,60,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,80,60,bf16]> tensor<[64,60,120,bf16]> tensor<[64,80,120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (160, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (160, 4, 'tile<32x32, bf16>', 'dram') | tensor<[64,80,120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (160, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,9,64,f32]> tensor<[64,64,9,f32]> tensor<[64,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | tensor<[64,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,9,9,f32]> tensor<[64,9,64,f32]> tensor<[64,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | tensor<[64,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[672,14,7,bf16]> tensor<[672,7,14,bf16]> tensor<[672,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | tensor<[672,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[672,7,7,bf16]> tensor<[672,7,14,bf16]> tensor<[672,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | tensor<[672,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,15,15,bf16]> tensor<[6,15,64,bf16]> tensor<[6,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,15,64,bf16]> tensor<[6,64,15,bf16]> tensor<[6,15,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,15,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,10,bf16]> tensor<[6,10,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,11,bf16]> tensor<[6,11,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,12,bf16]> tensor<[6,12,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,13,bf16]> tensor<[6,13,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,14,bf16]> tensor<[6,14,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,15,bf16]> tensor<[6,15,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,16,bf16]> tensor<[6,16,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,17,bf16]> tensor<[6,17,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,18,bf16]> tensor<[6,18,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,19,bf16]> tensor<[6,19,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,1,bf16]> tensor<[6,1,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,20,bf16]> tensor<[6,20,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,2,bf16]> tensor<[6,2,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,3,bf16]> tensor<[6,3,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,4,bf16]> tensor<[6,4,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,5,bf16]> tensor<[6,5,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,1,bf16]> tensor<[6,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,10,bf16]> tensor<[6,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,11,bf16]> tensor<[6,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,12,bf16]> tensor<[6,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,13,bf16]> tensor<[6,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,14,bf16]> tensor<[6,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,15,bf16]> tensor<[6,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,16,bf16]> tensor<[6,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,17,bf16]> tensor<[6,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,18,bf16]> tensor<[6,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,19,bf16]> tensor<[6,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,2,bf16]> tensor<[6,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,20,bf16]> tensor<[6,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,3,bf16]> tensor<[6,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,4,bf16]> tensor<[6,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,5,bf16]> tensor<[6,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,6,bf16]> tensor<[6,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,7,bf16]> tensor<[6,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,8,bf16]> tensor<[6,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,64,bf16]> tensor<[6,64,9,bf16]> tensor<[6,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,6,bf16]> tensor<[6,6,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,7,bf16]> tensor<[6,7,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,8,bf16]> tensor<[6,8,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1,9,bf16]> tensor<[6,9,64,bf16]> tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[71,7,64,f32]> tensor<[71,64,7,f32]> tensor<[71,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | tensor<[71,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[71,7,7,f32]> tensor<[71,7,64,f32]> tensor<[71,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | tensor<[71,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[726,144,144,f32]> tensor<[726,144,32,f32]> tensor<[726,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | tensor<[726,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[726,144,32,f32]> tensor<[726,32,144,f32]> tensor<[726,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (726, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | tensor<[726,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[72,14,7,bf16]> tensor<[72,7,14,bf16]> tensor<[72,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | tensor<[72,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[72,28,28,bf16]> tensor<[72,28,56,bf16]> tensor<[72,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | tensor<[72,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[72,56,28,bf16]> tensor<[72,28,56,bf16]> tensor<[72,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | tensor<[72,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[72,7,7,bf16]> tensor<[72,7,14,bf16]> tensor<[72,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | tensor<[72,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[768,128,128,f32]> tensor<[768,128,32,f32]> tensor<[768,128,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | tensor<[768,128,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[768,32,128,f32]> tensor<[768,128,32,f32]> tensor<[768,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | tensor<[768,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[768,32,32,f32]> tensor<[768,32,64,f32]> tensor<[768,32,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | tensor<[768,32,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[768,64,32,f32]> tensor<[768,32,64,f32]> tensor<[768,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | tensor<[768,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[864,144,144,f32]> tensor<[864,144,32,f32]> tensor<[864,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | tensor<[864,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[864,144,32,f32]> tensor<[864,32,144,f32]> tensor<[864,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | tensor<[864,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,100,100,bf16]> tensor<[8,100,32,bf16]> tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,100,32,bf16]> tensor<[8,32,100,bf16]> tensor<[8,100,100,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | tensor<[8,100,100,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,100,920,bf16]> tensor<[8,920,32,bf16]> tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1024,1024,f32]> tensor<[8,1024,80,f32]> tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1024,80,f32]> tensor<[8,80,1024,f32]> tensor<[8,1024,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | tensor<[8,1024,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1024,80,f32]> tensor<[8,80,9,f32]> tensor<[8,1024,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | tensor<[8,1024,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1024,9,f32]> tensor<[8,9,80,f32]> tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,10,10,bf16]> tensor<[8,10,64,bf16]> tensor<[8,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,10,64,bf16]> tensor<[8,64,10,bf16]> tensor<[8,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,10,bf16]> tensor<[8,10,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,11,bf16]> tensor<[8,11,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,12,bf16]> tensor<[8,12,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,13,bf16]> tensor<[8,13,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,14,bf16]> tensor<[8,14,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,15,bf16]> tensor<[8,15,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,16,bf16]> tensor<[8,16,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,17,bf16]> tensor<[8,17,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,18,bf16]> tensor<[8,18,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,19,bf16]> tensor<[8,19,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,1,bf16]> tensor<[8,1,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,20,bf16]> tensor<[8,20,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,2,bf16]> tensor<[8,2,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,3,bf16]> tensor<[8,3,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,4,bf16]> tensor<[8,4,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,5,bf16]> tensor<[8,5,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,1,bf16]> tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,10,bf16]> tensor<[8,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,11,bf16]> tensor<[8,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,12,bf16]> tensor<[8,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,13,bf16]> tensor<[8,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,14,bf16]> tensor<[8,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,15,bf16]> tensor<[8,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,16,bf16]> tensor<[8,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,17,bf16]> tensor<[8,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,18,bf16]> tensor<[8,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,19,bf16]> tensor<[8,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,2,bf16]> tensor<[8,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,20,bf16]> tensor<[8,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,3,bf16]> tensor<[8,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,4,bf16]> tensor<[8,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,5,bf16]> tensor<[8,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,6,bf16]> tensor<[8,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,7,bf16]> tensor<[8,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,8,bf16]> tensor<[8,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,64,bf16]> tensor<[8,64,9,bf16]> tensor<[8,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,6,bf16]> tensor<[8,6,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,7,bf16]> tensor<[8,7,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,8,bf16]> tensor<[8,8,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1,9,bf16]> tensor<[8,9,64,bf16]> tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,2048,256,bf16]> tensor<[8,256,96,bf16]> tensor<[8,2048,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | tensor<[8,2048,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,2048,32,bf16]> tensor<[8,32,256,bf16]> tensor<[8,2048,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | tensor<[8,2048,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,160,f32]> tensor<[8,160,256,f32]> tensor<[8,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | tensor<[8,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,160,f32]> tensor<[8,160,9,f32]> tensor<[8,256,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | tensor<[8,256,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,2048,bf16]> tensor<[8,2048,160,bf16]> tensor<[8,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | tensor<[8,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,256,f32]> tensor<[8,256,160,f32]> tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,256,bf16]> tensor<[8,256,32,bf16]> tensor<[8,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,32,bf16]> tensor<[8,32,2048,bf16]> tensor<[8,256,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | tensor<[8,256,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,32,bf16]> tensor<[8,32,256,bf16]> tensor<[8,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | tensor<[8,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,256,9,f32]> tensor<[8,9,160,f32]> tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,300,300,bf16]> tensor<[8,300,64,bf16]> tensor<[8,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | tensor<[8,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,300,64,bf16]> tensor<[8,64,300,bf16]> tensor<[8,300,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | tensor<[8,300,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,4096,4096,f32]> tensor<[8,4096,40,f32]> tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,4096,40,f32]> tensor<[8,40,4096,f32]> tensor<[8,4096,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | tensor<[8,4096,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,4096,40,f32]> tensor<[8,40,9,f32]> tensor<[8,4096,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | tensor<[8,4096,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,4096,9,f32]> tensor<[8,9,40,f32]> tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,64,160,f32]> tensor<[8,160,64,f32]> tensor<[8,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | tensor<[8,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,64,160,f32]> tensor<[8,160,9,f32]> tensor<[8,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | tensor<[8,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,64,64,f32]> tensor<[8,64,160,f32]> tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,64,9,f32]> tensor<[8,9,160,f32]> tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,920,920,bf16]> tensor<[8,920,32,bf16]> tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[960,3,3,bf16]> tensor<[960,3,7,bf16]> tensor<[960,3,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | tensor<[960,3,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[960,7,3,bf16]> tensor<[960,3,7,bf16]> tensor<[960,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | tensor<[960,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[100,192,f32]> tensor<[192,4,f32]> tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[100,192,f32]> tensor<[192,92,f32]> tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[100,2048,f32]> tensor<[2048,256,f32]> tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[100,256,f32]> tensor<[256,2048,f32]> tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[100,256,f32]> tensor<[256,256,f32]> tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,1536,f32]> tensor<[1536,6144,f32]> tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,1536,f32]> tensor<[1536,768,f32]> tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,160,f32]> tensor<[160,160,f32]> tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (5, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,160,bf16]> tensor<[160,256,bf16]> tensor<[1024,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (5, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | tensor<[1024,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,160,f32]> tensor<[160,640,f32]> tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (5, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,2560,f32]> tensor<[2560,640,f32]> tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 80, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (80, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,3072,f32]> tensor<[3072,1536,f32]> tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,3072,f32]> tensor<[3072,768,f32]> tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,6144,f32]> tensor<[6144,1536,f32]> tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (192, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,640,bf16]> tensor<[640,160,bf16]> tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (20, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,640,f32]> tensor<[640,5120,f32]> tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (20, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,640,bf16]> tensor<[640,640,bf16]> tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (20, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1024,768,f32]> tensor<[768,3072,f32]> tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,1024,bf16]> tensor<[1024,1024,bf16]> tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,1024,bf16]> tensor<[1024,4096,bf16]> tensor<[10,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | tensor<[10,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[10,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[10,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[10,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[10,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,2048,bf16]> tensor<[2048,512,bf16]> tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,3072,f32]> tensor<[3072,768,f32]> tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,4096,bf16]> tensor<[4096,1024,bf16]> tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,512,bf16]> tensor<[512,2048,bf16]> tensor<[10,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | tensor<[10,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,512,bf16]> tensor<[512,512,bf16]> tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,768,f32]> tensor<[768,250002,f32]> tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7813, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,768,f32]> tensor<[768,3072,f32]> tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,768,f32]> tensor<[768,768,f32]> tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[10,96,bf16]> tensor<[96,3072,bf16]> tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[11,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[11,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[11,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[11,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[11,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[11,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[11,96,bf16]> tensor<[96,3072,bf16]> tensor<[11,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[11,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1200,1280,bf16]> tensor<[1280,320,bf16]> tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1200,320,f32]> tensor<[320,1280,f32]> tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1200,320,f32]> tensor<[320,320,f32]> tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1296,1536,f32]> tensor<[1536,1536,f32]> tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1296,1536,f32]> tensor<[1536,4608,f32]> tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1296,768,f32]> tensor<[768,2304,f32]> tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1296,768,f32]> tensor<[768,768,f32]> tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,128,f32]> tensor<[128,768,f32]> tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1536,f32]> tensor<[1536,1536,f32]> tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1536,f32]> tensor<[1536,256,f32]> tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[12,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[12,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[12,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[12,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.matmul | tensor<[12,1536,bf16]> tensor<[1536,8960,bf16]> tensor<[12,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | tensor<[12,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,3072,f32]> tensor<[3072,768,f32]> tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,768,f32]> tensor<[768,2,f32]> tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,768,f32]> tensor<[768,3072,f32]> tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,768,f32]> tensor<[768,768,f32]> tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,8960,bf16]> tensor<[8960,1536,bf16]> tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (280, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[12,96,bf16]> tensor<[96,3072,bf16]> tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1370,1280,f32]> tensor<[1280,1280,f32]> tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1370,1280,f32]> tensor<[1280,3840,f32]> tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 120, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1370,1280,f32]> tensor<[1280,5120,f32]> tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1370,5120,f32]> tensor<[5120,1280,f32]> tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (160, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[13,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[13,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[13,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[13,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,18944,bf16]> tensor<[18944,3584,bf16]> tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (592, 112, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,3584,bf16]> tensor<[3584,18944,bf16]> tensor<[13,18944,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 592, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | tensor<[13,18944,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,3584,f32]> tensor<[3584,2,f32]> tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,3584,f32]> tensor<[3584,3584,f32]> tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,3584,f32]> tensor<[3584,512,f32]> tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[13,96,bf16]> tensor<[96,3072,bf16]> tensor<[13,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[13,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1445,192,f32]> tensor<[192,192,f32]> tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1445,192,f32]> tensor<[192,768,f32]> tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1445,768,f32]> tensor<[768,192,f32]> tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,128,f32]> tensor<[128,768,f32]> tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[14,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[14,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[14,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[14,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,2048,f32]> tensor<[2048,512,f32]> tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,3072,f32]> tensor<[3072,768,f32]> tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,512,f32]> tensor<[512,2048,f32]> tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,512,f32]> tensor<[512,512,f32]> tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,768,f32]> tensor<[768,2,f32]> tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,768,f32]> tensor<[768,3072,f32]> tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,768,f32]> tensor<[768,768,f32]> tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[14,96,bf16]> tensor<[96,3072,bf16]> tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1500,3072,f32]> tensor<[3072,768,f32]> tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1500,768,f32]> tensor<[768,3072,f32]> tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1500,768,f32]> tensor<[768,768,f32]> tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[15,1024,bf16]> tensor<[1024,512,bf16]> tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[15,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[15,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[15,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[15,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[15,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[15,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[15,384,bf16]> tensor<[384,512,bf16]> tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[15,512,bf16]> tensor<[512,1024,bf16]> tensor<[15,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[15,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[15,512,bf16]> tensor<[512,384,bf16]> tensor<[15,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | tensor<[15,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[15,96,bf16]> tensor<[96,3072,bf16]> tensor<[15,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[15,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,128,bf16]> tensor<[128,32,bf16]> tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,1536,f32]> tensor<[1536,384,f32]> tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,192,f32]> tensor<[192,768,f32]> tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,32,f32]> tensor<[32,128,f32]> tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,32,bf16]> tensor<[32,256,bf16]> tensor<[16384,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | tensor<[16384,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,32,f32]> tensor<[32,32,f32]> tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,384,f32]> tensor<[384,1536,f32]> tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,768,f32]> tensor<[768,192,f32]> tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16384,768,f32]> tensor<[768,384,f32]> tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,3072,f32]> tensor<[3072,768,f32]> tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,768,f32]> tensor<[768,3072,f32]> tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[16,768,f32]> tensor<[768,768,f32]> tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[17424,192,f32]> tensor<[192,192,f32]> tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[17424,192,f32]> tensor<[192,576,f32]> tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[17424,384,f32]> tensor<[384,1152,f32]> tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[17424,384,f32]> tensor<[384,384,f32]> tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[19200,256,bf16]> tensor<[256,64,bf16]> tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[19200,64,f32]> tensor<[64,256,f32]> tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[19200,64,f32]> tensor<[64,64,f32]> tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[196,1024,bf16]> tensor<[1024,512,bf16]> tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[196,2048,bf16]> tensor<[2048,512,bf16]> tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[196,3072,f32]> tensor<[3072,768,f32]> tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[196,512,f32]> tensor<[512,1536,f32]> tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[196,512,bf16]> tensor<[512,2048,bf16]> tensor<[196,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | tensor<[196,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[196,512,f32]> tensor<[512,512,f32]> tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[196,768,f32]> tensor<[768,3072,f32]> tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[197,1024,f32]> tensor<[1024,1024,f32]> tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[197,1024,f32]> tensor<[1024,4096,f32]> tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[197,3072,f32]> tensor<[3072,768,f32]> tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[197,4096,f32]> tensor<[4096,1024,f32]> tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[197,768,f32]> tensor<[768,3072,f32]> tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[197,768,f32]> tensor<[768,768,f32]> tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1024,f32]> tensor<[1024,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1024,bf16]> tensor<[1024,1024,bf16]> tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1024,bf16]> tensor<[1024,3072,bf16]> tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1024,bf16]> tensor<[1024,32128,bf16]> tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1004, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1024,bf16]> tensor<[1024,4096,bf16]> tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1024,bf16]> tensor<[1024,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1024,f32]> tensor<[1024,51200,f32]> tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1280,f32]> tensor<[1280,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,128,f32]> tensor<[128,10,f32]> tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,128,f32]> tensor<[128,64,f32]> tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,128,f32]> tensor<[128,784,f32]> tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 25, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,12,f32]> tensor<[12,3,f32]> tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,12,f32]> tensor<[12,64,f32]> tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1536,f32]> tensor<[1536,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1536,bf16]> tensor<[1536,151936,bf16]> tensor<[1,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 4748, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | tensor<[1,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1536,f32]> tensor<[1536,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1536,f32]> tensor<[1536,256,f32]> tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1536,f32]> tensor<[1536,3129,f32]> tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 98, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1536,bf16]> tensor<[1536,8960,bf16]> tensor<[1,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | tensor<[1,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,1920,f32]> tensor<[1920,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,2048,f32]> tensor<[2048,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,2048,bf16]> tensor<[2048,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,25088,f32]> tensor<[25088,4096,f32]> tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 784, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (784, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,2520,f32]> tensor<[2520,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (79, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,3072,f32]> tensor<[3072,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,3712,f32]> tensor<[3712,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 116, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (116, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,384,bf16]> tensor<[384,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,3,f32]> tensor<[3,12,f32]> tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,4096,f32]> tensor<[4096,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,4096,bf16]> tensor<[4096,1024,bf16]> tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,4096,f32]> tensor<[4096,4096,f32]> tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,f32]> tensor<[512,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,bf16]> tensor<[512,1024,bf16]> tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,bf16]> tensor<[512,2048,bf16]> tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,bf16]> tensor<[512,32128,bf16]> tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 1004, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,bf16]> tensor<[512,384,bf16]> tensor<[1,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | tensor<[1,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,bf16]> tensor<[512,50272,bf16]> tensor<[1,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 1571, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | tensor<[1,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,512,bf16]> tensor<[512,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,64,f32]> tensor<[64,12,f32]> tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,64,f32]> tensor<[64,128,f32]> tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,f32]> tensor<[768,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,f32]> tensor<[768,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,f32]> tensor<[768,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,f32]> tensor<[768,2,f32]> tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,f32]> tensor<[768,21843,f32]> tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 683, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,f32]> tensor<[768,3,f32]> tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,f32]> tensor<[768,3072,f32]> tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,bf16]> tensor<[768,32128,bf16]> tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1004, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,bf16]> tensor<[768,50257,bf16]> tensor<[1,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1571, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | tensor<[1,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,bf16]> tensor<[768,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,768,bf16]> tensor<[768,768,bf16]> tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,784,f32]> tensor<[784,128,f32]> tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,8960,bf16]> tensor<[8960,1536,bf16]> tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (280, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,9216,f32]> tensor<[9216,128,f32]> tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 288, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (288, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[1,960,f32]> tensor<[960,1280,f32]> tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (30, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[201,3072,f32]> tensor<[3072,768,f32]> tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[201,768,f32]> tensor<[768,3072,f32]> tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[201,768,f32]> tensor<[768,768,f32]> tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2048,768,f32]> tensor<[768,1280,f32]> tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2048,768,f32]> tensor<[768,256,f32]> tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2048,768,bf16]> tensor<[768,262,bf16]> tensor<[2048,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | tensor<[2048,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2048,768,f32]> tensor<[768,768,f32]> tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1024,f32]> tensor<[1024,1024,f32]> tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1024,f32]> tensor<[1024,2,f32]> tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1024,bf16]> tensor<[1024,256,bf16]> tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1024,f32]> tensor<[1024,4096,f32]> tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1280,f32]> tensor<[1280,10240,f32]> tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1280,bf16]> tensor<[1280,1280,bf16]> tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1280,f32]> tensor<[1280,256,f32]> tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1280,f32]> tensor<[1280,768,f32]> tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,1536,f32]> tensor<[1536,6144,f32]> tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,160,f32]> tensor<[160,160,f32]> tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (5, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,256,f32]> tensor<[256,1024,f32]> tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,256,f32]> tensor<[256,256,f32]> tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,256,f32]> tensor<[256,512,f32]> tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,3072,f32]> tensor<[3072,1536,f32]> tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,32,f32]> tensor<[32,32,f32]> tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,4096,f32]> tensor<[4096,1024,f32]> tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,5120,f32]> tensor<[5120,1280,f32]> tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (160, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,512,f32]> tensor<[512,256,f32]> tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,6144,f32]> tensor<[6144,1536,f32]> tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (192, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,64,f32]> tensor<[64,64,f32]> tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[256,768,f32]> tensor<[768,512,f32]> tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[257,3072,f32]> tensor<[3072,768,f32]> tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[257,768,f32]> tensor<[768,2304,f32]> tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[257,768,f32]> tensor<[768,3072,f32]> tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[257,768,f32]> tensor<[768,768,f32]> tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[25,3072,f32]> tensor<[3072,768,f32]> tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[25,768,f32]> tensor<[768,2,f32]> tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[25,768,f32]> tensor<[768,3072,f32]> tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[25,768,f32]> tensor<[768,768,f32]> tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[26,3072,f32]> tensor<[3072,768,f32]> tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[26,768,f32]> tensor<[768,3072,f32]> tensor<[26,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[26,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[26,768,f32]> tensor<[768,768,f32]> tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[27,768,f32]> tensor<[768,30522,f32]> tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 954, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[27,768,f32]> tensor<[768,38,f32]> tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[27,768,f32]> tensor<[768,50257,f32]> tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2,512,bf16]> tensor<[512,1,bf16]> tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[2,512,bf16]> tensor<[512,512,bf16]> tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[300,128,f32]> tensor<[128,128,f32]> tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[300,2048,bf16]> tensor<[2048,512,bf16]> tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[300,320,f32]> tensor<[320,320,f32]> tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[300,512,f32]> tensor<[512,2048,f32]> tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[300,512,f32]> tensor<[512,512,f32]> tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[300,64,f32]> tensor<[64,64,f32]> tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3136,128,f32]> tensor<[128,128,f32]> tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3136,128,f32]> tensor<[128,384,f32]> tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3136,128,bf16]> tensor<[128,512,bf16]> tensor<[3136,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | tensor<[3136,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[3136,512,bf16]> tensor<[512,128,bf16]> tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,11008,bf16]> tensor<[11008,4096,bf16]> tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (344, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,1536,f32]> tensor<[1536,1536,f32]> tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,1536,bf16]> tensor<[1536,250880,bf16]> tensor<[32,250880,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 7840, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7840, 'tile<32x32, bf16>', 'dram') | tensor<[32,250880,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7840, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,1536,f32]> tensor<[1536,4608,f32]> tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,1536,f32]> tensor<[1536,6144,f32]> tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,3072,bf16]> tensor<[3072,1024,bf16]> tensor<[32,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[32,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,3072,bf16]> tensor<[3072,128256,bf16]> tensor<[32,128256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 4008, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4008, 'tile<32x32, bf16>', 'dram') | tensor<[32,128256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4008, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,3072,bf16]> tensor<[3072,3072,bf16]> tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,3072,bf16]> tensor<[3072,8192,bf16]> tensor<[32,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | tensor<[32,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,4096,bf16]> tensor<[4096,11008,bf16]> tensor<[32,11008,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 344, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | tensor<[32,11008,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,4096,bf16]> tensor<[4096,32000,bf16]> tensor<[32,32000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 1000, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1000, 'tile<32x32, bf16>', 'dram') | tensor<[32,32000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1000, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,4096,bf16]> tensor<[4096,4096,bf16]> tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,6144,f32]> tensor<[6144,1536,f32]> tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (192, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[32,8192,bf16]> tensor<[8192,3072,bf16]> tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (256, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,1280,f32]> tensor<[1280,320,f32]> tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,1536,f32]> tensor<[1536,384,f32]> tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,1536,f32]> tensor<[1536,768,f32]> tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,256,bf16]> tensor<[256,64,bf16]> tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,3072,f32]> tensor<[3072,768,f32]> tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,320,f32]> tensor<[320,2560,f32]> tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 80, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,320,bf16]> tensor<[320,320,bf16]> tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,384,f32]> tensor<[384,1536,f32]> tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,64,f32]> tensor<[64,256,f32]> tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,64,f32]> tensor<[64,64,f32]> tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,768,f32]> tensor<[768,3072,f32]> tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4096,768,f32]> tensor<[768,384,f32]> tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[45,3072,f32]> tensor<[3072,768,f32]> tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[45,768,f32]> tensor<[768,3072,f32]> tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[45,768,bf16]> tensor<[768,50257,bf16]> tensor<[45,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1571, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1571, 'tile<32x32, bf16>', 'dram') | tensor<[45,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[45,768,bf16]> tensor<[768,768,bf16]> tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4800,128,f32]> tensor<[128,128,f32]> tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4800,128,f32]> tensor<[128,512,f32]> tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4800,512,bf16]> tensor<[512,128,bf16]> tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[49,1024,f32]> tensor<[1024,1024,f32]> tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[49,1024,f32]> tensor<[1024,3072,f32]> tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[49,1024,bf16]> tensor<[1024,4096,bf16]> tensor<[49,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | tensor<[49,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[49,2048,bf16]> tensor<[2048,1024,bf16]> tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[49,4096,bf16]> tensor<[4096,1024,bf16]> tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4,1024,f32]> tensor<[1024,1024,f32]> tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4,1024,f32]> tensor<[1024,2048,f32]> tensor<[4,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | tensor<[4,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4,1024,f32]> tensor<[1024,4096,f32]> tensor<[4,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[4,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[4,4096,f32]> tensor<[4096,1024,f32]> tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[50,3072,f32]> tensor<[3072,768,f32]> tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[50,768,f32]> tensor<[768,3072,f32]> tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[50,768,f32]> tensor<[768,768,f32]> tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5184,384,f32]> tensor<[384,1152,f32]> tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5184,384,f32]> tensor<[384,384,f32]> tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5184,768,f32]> tensor<[768,2304,f32]> tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5184,768,f32]> tensor<[768,768,f32]> tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[52,1024,f32]> tensor<[1024,1024,f32]> tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[52,768,f32]> tensor<[768,1024,f32]> tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[576,1536,f32]> tensor<[1536,1536,f32]> tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[576,1536,f32]> tensor<[1536,4608,f32]> tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1024,bf16]> tensor<[1024,1024,bf16]> tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1024,bf16]> tensor<[1024,3072,bf16]> tensor<[5,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[5,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1024,f32]> tensor<[1024,4096,f32]> tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,1024,f32]> tensor<[1024,51200,f32]> tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[5,4096,f32]> tensor<[4096,1024,f32]> tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[600,256,bf16]> tensor<[256,256,bf16]> tensor<[600,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | tensor<[600,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[600,256,bf16]> tensor<[256,4,bf16]> tensor<[600,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | tensor<[600,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[600,256,bf16]> tensor<[256,92,bf16]> tensor<[600,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | tensor<[600,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,1280,f32]> tensor<[1280,10240,f32]> tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,1280,bf16]> tensor<[1280,1280,bf16]> tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (40, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[64,5120,f32]> tensor<[5120,1280,f32]> tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (160, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[65536,192,f32]> tensor<[192,768,f32]> tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[65536,768,f32]> tensor<[768,192,f32]> tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[69696,192,f32]> tensor<[192,192,f32]> tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[69696,192,f32]> tensor<[192,576,f32]> tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (6, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1024,f32]> tensor<[1024,1024,f32]> tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1024,f32]> tensor<[1024,4096,f32]> tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1024,bf16]> tensor<[1024,512,bf16]> tensor<[6,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | tensor<[6,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[6,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[6,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[6,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[6,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,4096,f32]> tensor<[4096,1024,f32]> tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,512,bf16]> tensor<[512,1024,bf16]> tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,512,bf16]> tensor<[512,50272,bf16]> tensor<[6,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 1571, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | tensor<[6,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[6,96,bf16]> tensor<[96,3072,bf16]> tensor<[6,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[6,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[768,196,bf16]> tensor<[196,384,bf16]> tensor<[768,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | tensor<[768,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[768,384,f32]> tensor<[384,196,f32]> tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (12, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[784,1024,bf16]> tensor<[1024,256,bf16]> tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[784,256,bf16]> tensor<[256,1024,bf16]> tensor<[784,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | tensor<[784,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[784,256,f32]> tensor<[256,256,f32]> tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[784,256,f32]> tensor<[256,768,f32]> tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[784,512,bf16]> tensor<[512,256,bf16]> tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[7,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[7,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[7,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[7,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,18176,bf16]> tensor<[18176,4544,bf16]> tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (568, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,3072,f32]> tensor<[3072,768,f32]> tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,4544,bf16]> tensor<[4544,18176,bf16]> tensor<[7,18176,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (142, 568, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | tensor<[7,18176,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,4544,bf16]> tensor<[4544,4544,bf16]> tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (142, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,4544,bf16]> tensor<[4544,4672,bf16]> tensor<[7,4672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (142, 146, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 146, 'tile<32x32, bf16>', 'dram') | tensor<[7,4672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 146, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,4544,bf16]> tensor<[4544,65024,bf16]> tensor<[7,65024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (142, 2032, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2032, 'tile<32x32, bf16>', 'dram') | tensor<[7,65024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2032, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,768,bf16]> tensor<[768,2,bf16]> tensor<[7,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | tensor<[7,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,768,f32]> tensor<[768,2304,f32]> tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,768,f32]> tensor<[768,3072,f32]> tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,768,f32]> tensor<[768,768,f32]> tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[7,96,bf16]> tensor<[96,3072,bf16]> tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[8,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[8,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[8,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[8,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[8,96,bf16]> tensor<[96,3072,bf16]> tensor<[8,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[8,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[920,2048,f32]> tensor<[2048,256,f32]> tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[920,256,f32]> tensor<[256,2048,f32]> tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[920,256,bf16]> tensor<[256,256,bf16]> tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,1024,f32]> tensor<[1024,1024,f32]> tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,1024,f32]> tensor<[1024,128,f32]> tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,1024,f32]> tensor<[1024,4096,f32]> tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,128,f32]> tensor<[128,1024,f32]> tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,128,f32]> tensor<[128,2048,f32]> tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,128,f32]> tensor<[128,30000,f32]> tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 938, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,128,f32]> tensor<[128,4096,f32]> tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,128,f32]> tensor<[128,768,f32]> tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,1536,bf16]> tensor<[1536,50280,bf16]> tensor<[9,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | tensor<[9,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,1536,bf16]> tensor<[1536,6144,bf16]> tensor<[9,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | tensor<[9,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,16384,f32]> tensor<[16384,4096,f32]> tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,2048,f32]> tensor<[2048,128,f32]> tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,2048,f32]> tensor<[2048,2048,f32]> tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,2048,f32]> tensor<[2048,8192,f32]> tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 256, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,3072,f32]> tensor<[3072,768,f32]> tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,4096,f32]> tensor<[4096,1024,f32]> tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,4096,f32]> tensor<[4096,128,f32]> tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,4096,f32]> tensor<[4096,16384,f32]> tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 512, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,4096,f32]> tensor<[4096,4096,f32]> tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,768,f32]> tensor<[768,128,f32]> tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,768,bf16]> tensor<[768,1280,bf16]> tensor<[9,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | tensor<[9,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,768,f32]> tensor<[768,3072,f32]> tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,768,bf16]> tensor<[768,320,bf16]> tensor<[9,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | tensor<[9,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,768,bf16]> tensor<[768,640,bf16]> tensor<[9,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | tensor<[9,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,768,f32]> tensor<[768,768,f32]> tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,8192,f32]> tensor<[8192,2048,f32]> tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (256, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan | |
ttnn.matmul | tensor<[9,96,bf16]> tensor<[96,3072,bf16]> tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.max
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.max | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,24,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,28,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,3,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,71,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 71 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[2,8,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[4,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[121,6,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (23, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[16,8,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,201,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,1,16384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,1,19200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,27,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,2,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,2,4800,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 150, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,32,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,5,1200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 38, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,300,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[2,12,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[36,12,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (14, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[36,24,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (27, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[484,6,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (91, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[4,16,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[4,48,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (6, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[64,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[64,4,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[8,100,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[8,100,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[8,920,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[9,24,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (7, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[9,48,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (14, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.max_pool2d
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.max_pool2d | tensor<[1,1,12544,128,bf16]> tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 128 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 112 : si32 input_width: 112 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,784,128,bf16]> tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 128 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 28 : si32 input_width: 28 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,3136,128,bf16]> tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 128 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 56 : si32 input_width: 56 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,4096,128,bf16]> tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 128 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 64 : si32 input_width: 64 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,784,16,bf16]> tensor<[1,1,196,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 16 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 28 : si32 input_width: 28 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,5041,192,bf16]> tensor<[1,1,1225,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (5041, 192, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 192 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 71 : si32 input_width: 71 : si32 kernel_height: 3 : si32 kernel_width: 3 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,196,256,bf16]> tensor<[1,1,49,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 256 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 14 : si32 input_width: 14 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,1024,256,bf16]> tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 256 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 32 : si32 input_width: 32 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,3136,256,bf16]> tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 256 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 56 : si32 input_width: 56 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,784,320,bf16]> tensor<[1,1,196,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 320 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 28 : si32 input_width: 28 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,12544,32,bf16]> tensor<[1,1,3136,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 32 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 112 : si32 input_width: 112 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,65536,32,bf16]> tensor<[1,1,16384,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 32 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 256 : si32 input_width: 256 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,1225,384,bf16]> tensor<[1,1,289,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 384, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 384 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 35 : si32 input_width: 35 : si32 kernel_height: 3 : si32 kernel_width: 3 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,196,4,bf16]> tensor<[1,1,49,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 4, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 4 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 14 : si32 input_width: 14 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 4, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,196,512,bf16]> tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 512 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 14 : si32 input_width: 14 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,784,512,bf16]> tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 512 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 28 : si32 input_width: 28 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,196,640,bf16]> tensor<[1,1,49,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 640, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 640 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 14 : si32 input_width: 14 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 640, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,12544,64,bf16]> tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 64 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 112 : si32 input_width: 112 : si32 kernel_height: 3 : si32 kernel_width: 3 : si32 padding_height: 1 : si32 padding_width: 1 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,16384,64,bf16]> tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 64 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 128 : si32 input_width: 128 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,21609,64,bf16]> tensor<[1,1,5329,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 64 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 147 : si32 input_width: 147 : si32 kernel_height: 3 : si32 kernel_width: 3 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,50176,64,bf16]> tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 64 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 224 : si32 input_width: 224 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,576,64,bf16]> tensor<[1,1,144,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 64 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 24 : si32 input_width: 24 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,230400,64,bf16]> tensor<[1,1,57600,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 64 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 360 : si32 input_width: 640 : si32 kernel_height: 3 : si32 kernel_width: 3 : si32 padding_height: 1 : si32 padding_width: 1 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,3136,64,bf16]> tensor<[1,1,784,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 64 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 56 : si32 input_width: 56 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.max_pool2d | tensor<[1,1,196,832,bf16]> tensor<[1,1,49,832,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 832, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 832, 'bf16', 'dram') | batch_size: 1 : si32 ceil_mode: False channels: 832 : si32 dilation_height: 1 : si32 dilation_width: 1 : si32 input_height: 14 : si32 input_width: 14 : si32 kernel_height: 2 : si32 kernel_width: 2 : si32 padding_height: 0 : si32 padding_width: 0 : si32 stride_height: 2 : si32 stride_width: 2 : si32 | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 832, 'bf16', 'dram') | nan | nan |
ttnn.maximum
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.maximum | tensor<[1,f32]> tensor<[3234,2,f32]> tensor<[3234,2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1152,7,7,bf16]> tensor<[1,1152,7,7,bf16]> tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1152,8,8,bf16]> tensor<[1,1152,8,8,bf16]> tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,116,14,14,bf16]> tensor<[1,116,14,14,bf16]> tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1248,9,9,bf16]> tensor<[1,1248,9,9,bf16]> tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,10,10,bf16]> tensor<[1,1280,10,10,bf16]> tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,12,12,bf16]> tensor<[1,1280,12,12,bf16]> tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,7,7,bf16]> tensor<[1,1280,7,7,bf16]> tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,9,9,bf16]> tensor<[1,1280,9,9,bf16]> tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,134,28,28,bf16]> tensor<[1,134,28,28,bf16]> tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1392,10,10,bf16]> tensor<[1,1392,10,10,bf16]> tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,150,150,bf16]> tensor<[1,144,150,150,bf16]> tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,190,190,bf16]> tensor<[1,144,190,190,bf16]> tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,28,28,bf16]> tensor<[1,144,28,28,bf16]> tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,30,30,bf16]> tensor<[1,144,30,30,bf16]> tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,33,33,bf16]> tensor<[1,144,33,33,bf16]> tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,56,56,bf16]> tensor<[1,144,56,56,bf16]> tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,60,60,bf16]> tensor<[1,144,60,60,bf16]> tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,65,65,bf16]> tensor<[1,144,65,65,bf16]> tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,75,75,bf16]> tensor<[1,144,75,75,bf16]> tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,95,95,bf16]> tensor<[1,144,95,95,bf16]> tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,14,56,56,bf16]> tensor<[1,14,56,56,bf16]> tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1632,12,12,bf16]> tensor<[1,1632,12,12,bf16]> tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,168,28,28,bf16]> tensor<[1,168,28,28,bf16]> tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,28,28,bf16]> tensor<[1,192,28,28,bf16]> tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,38,38,bf16]> tensor<[1,192,38,38,bf16]> tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,48,48,bf16]> tensor<[1,192,48,48,bf16]> tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,75,75,bf16]> tensor<[1,192,75,75,bf16]> tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,95,95,bf16]> tensor<[1,192,95,95,bf16]> tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,196,14,14,bf16]> tensor<[1,196,14,14,bf16]> tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,15,15,bf16]> tensor<[1,240,15,15,bf16]> tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,30,30,bf16]> tensor<[1,240,30,30,bf16]> tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,24,56,56,bf16]> tensor<[1,24,56,56,bf16]> tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,272,7,7,bf16]> tensor<[1,272,7,7,bf16]> tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,288,17,17,bf16]> tensor<[1,288,17,17,bf16]> tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,288,19,19,bf16]> tensor<[1,288,19,19,bf16]> tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,288,33,33,bf16]> tensor<[1,288,33,33,bf16]> tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,288,38,38,bf16]> tensor<[1,288,38,38,bf16]> tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,28,28,28,bf16]> tensor<[1,28,28,28,bf16]> tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,320,28,28,bf16]> tensor<[1,320,28,28,bf16]> tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,112,112,bf16]> tensor<[1,32,112,112,bf16]> tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,120,120,bf16]> tensor<[1,32,120,120,bf16]> tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,130,130,bf16]> tensor<[1,32,130,130,bf16]> tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,150,150,bf16]> tensor<[1,32,150,150,bf16]> tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,190,190,bf16]> tensor<[1,32,190,190,bf16]> tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,334,14,14,bf16]> tensor<[1,334,14,14,bf16]> tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,336,24,24,bf16]> tensor<[1,336,24,24,bf16]> tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,336,48,48,bf16]> tensor<[1,336,48,48,bf16]> tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,34,28,28,bf16]> tensor<[1,34,28,28,bf16]> tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,384,14,14,bf16]> tensor<[1,384,14,14,bf16]> tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,40,56,56,bf16]> tensor<[1,40,56,56,bf16]> tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,462,7,7,bf16]> tensor<[1,462,7,7,bf16]> tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,46,28,28,bf16]> tensor<[1,46,28,28,bf16]> tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,15,15,bf16]> tensor<[1,480,15,15,bf16]> tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,528,17,17,bf16]> tensor<[1,528,17,17,bf16]> tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,576,14,14,bf16]> tensor<[1,576,14,14,bf16]> tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,576,19,19,bf16]> tensor<[1,576,19,19,bf16]> tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,576,7,7,bf16]> tensor<[1,576,7,7,bf16]> tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,58,28,28,bf16]> tensor<[1,58,28,28,bf16]> tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,640,14,14,bf16]> tensor<[1,640,14,14,bf16]> tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,112,112,bf16]> tensor<[1,64,112,112,bf16]> tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,15,15,bf16]> tensor<[1,672,15,15,bf16]> tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,24,24,bf16]> tensor<[1,672,24,24,bf16]> tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,8,8,bf16]> tensor<[1,672,8,8,bf16]> tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,68,14,14,bf16]> tensor<[1,68,14,14,bf16]> tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,68,56,56,bf16]> tensor<[1,68,56,56,bf16]> tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,720,17,17,bf16]> tensor<[1,720,17,17,bf16]> tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,720,9,9,bf16]> tensor<[1,720,9,9,bf16]> tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,78,28,28,bf16]> tensor<[1,78,28,28,bf16]> tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,816,10,10,bf16]> tensor<[1,816,10,10,bf16]> tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,816,19,19,bf16]> tensor<[1,816,19,19,bf16]> tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,960,12,12,bf16]> tensor<[1,960,12,12,bf16]> tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,960,24,24,bf16]> tensor<[1,960,24,24,bf16]> tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,112,112,bf16]> tensor<[1,96,112,112,bf16]> tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,120,120,bf16]> tensor<[1,96,120,120,bf16]> tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,130,130,bf16]> tensor<[1,96,130,130,bf16]> tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,56,56,bf16]> tensor<[1,96,56,56,bf16]> tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,60,60,bf16]> tensor<[1,96,60,60,bf16]> tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,65,65,bf16]> tensor<[1,96,65,65,bf16]> tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,98,28,28,bf16]> tensor<[1,98,28,28,bf16]> tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,100,14,14,bf16]> tensor<[1,100,14,14,bf16]> tensor<[1,100,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,100,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,100,192,bf16]> tensor<[1,100,192,bf16]> tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1024,10,10,bf16]> tensor<[1,1024,10,10,bf16]> tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1024,14,14,bf16]> tensor<[1,1024,14,14,bf16]> tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1024,19,19,bf16]> tensor<[1,1024,19,19,bf16]> tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1024,28,28,bf16]> tensor<[1,1024,28,28,bf16]> tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1024,45,80,bf16]> tensor<[1,1024,45,80,bf16]> tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1024,7,7,bf16]> tensor<[1,1024,7,7,bf16]> tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1056,14,14,bf16]> tensor<[1,1056,14,14,bf16]> tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1056,7,7,bf16]> tensor<[1,1056,7,7,bf16]> tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1088,14,14,bf16]> tensor<[1,1088,14,14,bf16]> tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1088,7,7,bf16]> tensor<[1,1088,7,7,bf16]> tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,10,2048,bf16]> tensor<[1,10,2048,bf16]> tensor<[1,10,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,10,3072,bf16]> tensor<[1,10,3072,bf16]> tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,10,4096,bf16]> tensor<[1,10,4096,bf16]> tensor<[1,10,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1120,14,14,bf16]> tensor<[1,1120,14,14,bf16]> tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1120,7,7,bf16]> tensor<[1,1120,7,7,bf16]> tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,112,14,14,bf16]> tensor<[1,112,14,14,bf16]> tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1152,14,14,bf16]> tensor<[1,1152,14,14,bf16]> tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1152,7,7,bf16]> tensor<[1,1152,7,7,bf16]> tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1184,14,14,bf16]> tensor<[1,1184,14,14,bf16]> tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1184,7,7,bf16]> tensor<[1,1184,7,7,bf16]> tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,12,bf16]> tensor<[1,12,bf16]> tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1216,14,14,bf16]> tensor<[1,1216,14,14,bf16]> tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1216,7,7,bf16]> tensor<[1,1216,7,7,bf16]> tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1248,14,14,bf16]> tensor<[1,1248,14,14,bf16]> tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1248,7,7,bf16]> tensor<[1,1248,7,7,bf16]> tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,bf16]> tensor<[1,128,bf16]> tensor<[1,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,14,14,bf16]> tensor<[1,1280,14,14,bf16]> tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1280,7,7,bf16]> tensor<[1,1280,7,7,bf16]> tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,112,112,bf16]> tensor<[1,128,112,112,bf16]> tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,14,14,bf16]> tensor<[1,128,14,14,bf16]> tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,150,150,bf16]> tensor<[1,128,150,150,bf16]> tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,17,17,bf16]> tensor<[1,128,17,17,bf16]> tensor<[1,128,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,180,320,bf16]> tensor<[1,128,180,320,bf16]> tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,75,75,bf16]> tensor<[1,128,75,75,bf16]> tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,7,7,bf16]> tensor<[1,128,7,7,bf16]> tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,128,90,160,bf16]> tensor<[1,128,90,160,bf16]> tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1312,14,14,bf16]> tensor<[1,1312,14,14,bf16]> tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1312,7,7,bf16]> tensor<[1,1312,7,7,bf16]> tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1344,14,14,bf16]> tensor<[1,1344,14,14,bf16]> tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1344,28,28,bf16]> tensor<[1,1344,28,28,bf16]> tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1344,7,7,bf16]> tensor<[1,1344,7,7,bf16]> tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1376,14,14,bf16]> tensor<[1,1376,14,14,bf16]> tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1376,7,7,bf16]> tensor<[1,1376,7,7,bf16]> tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1392,14,14,bf16]> tensor<[1,1392,14,14,bf16]> tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1392,28,28,bf16]> tensor<[1,1392,28,28,bf16]> tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1408,14,14,bf16]> tensor<[1,1408,14,14,bf16]> tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1408,7,7,bf16]> tensor<[1,1408,7,7,bf16]> tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1440,14,14,bf16]> tensor<[1,1440,14,14,bf16]> tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1440,7,7,bf16]> tensor<[1,1440,7,7,bf16]> tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,14,14,bf16]> tensor<[1,144,14,14,bf16]> tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,144,7,7,bf16]> tensor<[1,144,7,7,bf16]> tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1472,14,14,bf16]> tensor<[1,1472,14,14,bf16]> tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1472,7,7,bf16]> tensor<[1,1472,7,7,bf16]> tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1504,14,14,bf16]> tensor<[1,1504,14,14,bf16]> tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1504,7,7,bf16]> tensor<[1,1504,7,7,bf16]> tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1536,10,10,bf16]> tensor<[1,1536,10,10,bf16]> tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1536,14,14,bf16]> tensor<[1,1536,14,14,bf16]> tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1536,7,7,bf16]> tensor<[1,1536,7,7,bf16]> tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1568,14,14,bf16]> tensor<[1,1568,14,14,bf16]> tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1568,7,7,bf16]> tensor<[1,1568,7,7,bf16]> tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1600,14,14,bf16]> tensor<[1,1600,14,14,bf16]> tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1600,7,7,bf16]> tensor<[1,1600,7,7,bf16]> tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,160,14,14,bf16]> tensor<[1,160,14,14,bf16]> tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,160,28,28,bf16]> tensor<[1,160,28,28,bf16]> tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,160,56,56,bf16]> tensor<[1,160,56,56,bf16]> tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1632,14,14,bf16]> tensor<[1,1632,14,14,bf16]> tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1632,7,7,bf16]> tensor<[1,1632,7,7,bf16]> tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1664,14,14,bf16]> tensor<[1,1664,14,14,bf16]> tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1664,7,7,bf16]> tensor<[1,1664,7,7,bf16]> tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,168,1,1,bf16]> tensor<[1,168,1,1,bf16]> tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1696,14,14,bf16]> tensor<[1,1696,14,14,bf16]> tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1696,7,7,bf16]> tensor<[1,1696,7,7,bf16]> tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,14,14,bf16]> tensor<[1,16,14,14,bf16]> tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,224,224,bf16]> tensor<[1,16,224,224,bf16]> tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1728,14,14,bf16]> tensor<[1,1728,14,14,bf16]> tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1728,7,7,bf16]> tensor<[1,1728,7,7,bf16]> tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,174,1,1,bf16]> tensor<[1,174,1,1,bf16]> tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1760,14,14,bf16]> tensor<[1,1760,14,14,bf16]> tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1760,7,7,bf16]> tensor<[1,1760,7,7,bf16]> tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1792,14,14,bf16]> tensor<[1,1792,14,14,bf16]> tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1792,7,7,bf16]> tensor<[1,1792,7,7,bf16]> tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1824,7,7,bf16]> tensor<[1,1824,7,7,bf16]> tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1856,7,7,bf16]> tensor<[1,1856,7,7,bf16]> tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1888,7,7,bf16]> tensor<[1,1888,7,7,bf16]> tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,18,14,14,bf16]> tensor<[1,18,14,14,bf16]> tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,18,28,28,bf16]> tensor<[1,18,28,28,bf16]> tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,18,56,56,bf16]> tensor<[1,18,56,56,bf16]> tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1920,7,7,bf16]> tensor<[1,1920,7,7,bf16]> tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,17,17,bf16]> tensor<[1,192,17,17,bf16]> tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,28,28,bf16]> tensor<[1,192,28,28,bf16]> tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,35,35,bf16]> tensor<[1,192,35,35,bf16]> tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,56,56,bf16]> tensor<[1,192,56,56,bf16]> tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,7,7,bf16]> tensor<[1,192,7,7,bf16]> tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,192,8,8,bf16]> tensor<[1,192,8,8,bf16]> tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1,2048,bf16]> tensor<[1,1,2048,bf16]> tensor<[1,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,2048,10,10,bf16]> tensor<[1,2048,10,10,bf16]> tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,2048,14,14,bf16]> tensor<[1,2048,14,14,bf16]> tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,2048,23,40,bf16]> tensor<[1,2048,23,40,bf16]> tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,2048,7,7,bf16]> tensor<[1,2048,7,7,bf16]> tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,208,14,14,bf16]> tensor<[1,208,14,14,bf16]> tensor<[1,208,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,20,1,1,bf16]> tensor<[1,20,1,1,bf16]> tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,224,14,14,bf16]> tensor<[1,224,14,14,bf16]> tensor<[1,224,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,224,17,17,bf16]> tensor<[1,224,17,17,bf16]> tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,224,28,28,bf16]> tensor<[1,224,28,28,bf16]> tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,224,35,35,bf16]> tensor<[1,224,35,35,bf16]> tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,224,56,56,bf16]> tensor<[1,224,56,56,bf16]> tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,224,7,7,bf16]> tensor<[1,224,7,7,bf16]> tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,232,112,112,bf16]> tensor<[1,232,112,112,bf16]> tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,232,56,56,bf16]> tensor<[1,232,56,56,bf16]> tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,240,1,1,bf16]> tensor<[1,240,1,1,bf16]> tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,24,112,112,bf16]> tensor<[1,24,112,112,bf16]> tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,24,14,14,bf16]> tensor<[1,24,14,14,bf16]> tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,24,1,1,bf16]> tensor<[1,24,1,1,bf16]> tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,2520,14,14,bf16]> tensor<[1,2520,14,14,bf16]> tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,2520,7,7,bf16]> tensor<[1,2520,7,7,bf16]> tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,128,128,bf16]> tensor<[1,256,128,128,bf16]> tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,17,17,bf16]> tensor<[1,256,17,17,bf16]> tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,180,320,bf16]> tensor<[1,256,180,320,bf16]> tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,38,38,bf16]> tensor<[1,256,38,38,bf16]> tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,45,80,bf16]> tensor<[1,256,45,80,bf16]> tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,75,75,bf16]> tensor<[1,256,75,75,bf16]> tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,7,7,bf16]> tensor<[1,256,7,7,bf16]> tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,8,8,bf16]> tensor<[1,256,8,8,bf16]> tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,256,90,160,bf16]> tensor<[1,256,90,160,bf16]> tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,288,14,14,bf16]> tensor<[1,288,14,14,bf16]> tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,288,28,28,bf16]> tensor<[1,288,28,28,bf16]> tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,320,14,14,bf16]> tensor<[1,320,14,14,bf16]> tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,320,17,17,bf16]> tensor<[1,320,17,17,bf16]> tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,320,28,28,bf16]> tensor<[1,320,28,28,bf16]> tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,320,7,7,bf16]> tensor<[1,320,7,7,bf16]> tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,320,8,8,bf16]> tensor<[1,320,8,8,bf16]> tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,112,112,bf16]> tensor<[1,32,112,112,bf16]> tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,120,160,bf16]> tensor<[1,32,120,160,bf16]> tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,147,147,bf16]> tensor<[1,32,147,147,bf16]> tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,149,149,bf16]> tensor<[1,32,149,149,bf16]> tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,150,150,bf16]> tensor<[1,32,150,150,bf16]> tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,1,1,bf16]> tensor<[1,32,1,1,bf16]> tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,26,26,bf16]> tensor<[1,32,26,26,bf16]> tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,30,40,bf16]> tensor<[1,32,30,40,bf16]> tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,60,80,bf16]> tensor<[1,32,60,80,bf16]> tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,336,112,112,bf16]> tensor<[1,336,112,112,bf16]> tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,336,14,14,bf16]> tensor<[1,336,14,14,bf16]> tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,336,56,56,bf16]> tensor<[1,336,56,56,bf16]> tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,348,1,1,bf16]> tensor<[1,348,1,1,bf16]> tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,352,14,14,bf16]> tensor<[1,352,14,14,bf16]> tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,352,28,28,bf16]> tensor<[1,352,28,28,bf16]> tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,36,14,14,bf16]> tensor<[1,36,14,14,bf16]> tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,36,28,28,bf16]> tensor<[1,36,28,28,bf16]> tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,36,56,56,bf16]> tensor<[1,36,56,56,bf16]> tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,3712,14,14,bf16]> tensor<[1,3712,14,14,bf16]> tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,3712,7,7,bf16]> tensor<[1,3712,7,7,bf16]> tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,384,14,14,bf16]> tensor<[1,384,14,14,bf16]> tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,384,17,17,bf16]> tensor<[1,384,17,17,bf16]> tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,384,28,28,bf16]> tensor<[1,384,28,28,bf16]> tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,384,7,7,bf16]> tensor<[1,384,7,7,bf16]> tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,384,8,8,bf16]> tensor<[1,384,8,8,bf16]> tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,4096,bf16]> tensor<[1,4096,bf16]> tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,416,14,14,bf16]> tensor<[1,416,14,14,bf16]> tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,416,28,28,bf16]> tensor<[1,416,28,28,bf16]> tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,448,14,14,bf16]> tensor<[1,448,14,14,bf16]> tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,448,28,28,bf16]> tensor<[1,448,28,28,bf16]> tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,448,8,8,bf16]> tensor<[1,448,8,8,bf16]> tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,28,28,bf16]> tensor<[1,480,28,28,bf16]> tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,480,7,7,bf16]> tensor<[1,480,7,7,bf16]> tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,48,14,14,bf16]> tensor<[1,48,14,14,bf16]> tensor<[1,48,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,48,7,7,bf16]> tensor<[1,48,7,7,bf16]> tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,4,14,14,bf16]> tensor<[1,4,14,14,bf16]> tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,23,40,bf16]> tensor<[1,512,23,40,bf16]> tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,45,80,bf16]> tensor<[1,512,45,80,bf16]> tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,56,56,bf16]> tensor<[1,512,56,56,bf16]> tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,8,8,bf16]> tensor<[1,512,8,8,bf16]> tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,512,90,160,bf16]> tensor<[1,512,90,160,bf16]> tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,544,14,14,bf16]> tensor<[1,544,14,14,bf16]> tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,576,14,14,bf16]> tensor<[1,576,14,14,bf16]> tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,58,1,1,bf16]> tensor<[1,58,1,1,bf16]> tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,608,14,14,bf16]> tensor<[1,608,14,14,bf16]> tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,60,28,28,bf16]> tensor<[1,60,28,28,bf16]> tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,bf16]> tensor<[1,64,bf16]> tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,640,14,14,bf16]> tensor<[1,640,14,14,bf16]> tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,112,112,bf16]> tensor<[1,64,112,112,bf16]> tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,147,147,bf16]> tensor<[1,64,147,147,bf16]> tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,14,14,bf16]> tensor<[1,64,14,14,bf16]> tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,150,150,bf16]> tensor<[1,64,150,150,bf16]> tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,180,320,bf16]> tensor<[1,64,180,320,bf16]> tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,224,224,bf16]> tensor<[1,64,224,224,bf16]> tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,24,24,bf16]> tensor<[1,64,24,24,bf16]> tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,28,28,bf16]> tensor<[1,64,28,28,bf16]> tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,35,35,bf16]> tensor<[1,64,35,35,bf16]> tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,360,640,bf16]> tensor<[1,64,360,640,bf16]> tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,480,640,bf16]> tensor<[1,64,480,640,bf16]> tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,73,73,bf16]> tensor<[1,64,73,73,bf16]> tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,28,28,bf16]> tensor<[1,672,28,28,bf16]> tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,672,56,56,bf16]> tensor<[1,672,56,56,bf16]> tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,696,28,28,bf16]> tensor<[1,696,28,28,bf16]> tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,696,56,56,bf16]> tensor<[1,696,56,56,bf16]> tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,704,14,14,bf16]> tensor<[1,704,14,14,bf16]> tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,728,19,19,bf16]> tensor<[1,728,19,19,bf16]> tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,728,38,38,bf16]> tensor<[1,728,38,38,bf16]> tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,72,14,14,bf16]> tensor<[1,72,14,14,bf16]> tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,72,28,28,bf16]> tensor<[1,72,28,28,bf16]> tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,72,56,56,bf16]> tensor<[1,72,56,56,bf16]> tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,736,14,14,bf16]> tensor<[1,736,14,14,bf16]> tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,768,14,14,bf16]> tensor<[1,768,14,14,bf16]> tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,800,14,14,bf16]> tensor<[1,800,14,14,bf16]> tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,832,14,14,bf16]> tensor<[1,832,14,14,bf16]> tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,864,14,14,bf16]> tensor<[1,864,14,14,bf16]> tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,896,14,14,bf16]> tensor<[1,896,14,14,bf16]> tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,896,7,7,bf16]> tensor<[1,896,7,7,bf16]> tensor<[1,896,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,8,112,112,bf16]> tensor<[1,8,112,112,bf16]> tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,8,1,1,bf16]> tensor<[1,8,1,1,bf16]> tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,928,14,14,bf16]> tensor<[1,928,14,14,bf16]> tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,928,7,7,bf16]> tensor<[1,928,7,7,bf16]> tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,92,14,14,bf16]> tensor<[1,92,14,14,bf16]> tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,960,14,14,bf16]> tensor<[1,960,14,14,bf16]> tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,14,14,bf16]> tensor<[1,96,14,14,bf16]> tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,28,28,bf16]> tensor<[1,96,28,28,bf16]> tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,35,35,bf16]> tensor<[1,96,35,35,bf16]> tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,56,56,bf16]> tensor<[1,96,56,56,bf16]> tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,71,71,bf16]> tensor<[1,96,71,71,bf16]> tensor<[1,96,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,96,73,73,bf16]> tensor<[1,96,73,73,bf16]> tensor<[1,96,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,992,14,14,bf16]> tensor<[1,992,14,14,bf16]> tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[1,992,7,7,bf16]> tensor<[1,992,7,7,bf16]> tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[2,13,3072,f32]> tensor<[2,13,3072,f32]> tensor<[2,13,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.maximum | tensor<[6,1,100,256,bf16]> tensor<[6,1,100,256,bf16]> tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[6,4096,bf16]> tensor<[6,4096,bf16]> tensor<[6,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.maximum | tensor<[920,1,2048,bf16]> tensor<[920,1,2048,bf16]> tensor<[920,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.minimum | tensor<[3234,2,f32]> tensor<[1,f32]> tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,120,1,1,bf16]> tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,256,1,1,bf16]> tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,480,1,1,bf16]> tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,512,1,1,bf16]> tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,672,1,1,bf16]> tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,72,1,1,bf16]> tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,768,1,1,bf16]> tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,960,1,1,bf16]> tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1152,7,7,bf16]> tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1152,8,8,bf16]> tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,116,14,14,bf16]> tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1248,9,9,bf16]> tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1280,10,10,bf16]> tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1280,12,12,bf16]> tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1280,7,7,bf16]> tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1280,9,9,bf16]> tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,128,28,28,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,128,56,56,bf16]> tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,134,28,28,bf16]> tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1392,10,10,bf16]> tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,150,150,bf16]> tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,190,190,bf16]> tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,28,28,bf16]> tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,30,30,bf16]> tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,33,33,bf16]> tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,56,56,bf16]> tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,60,60,bf16]> tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,65,65,bf16]> tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,75,75,bf16]> tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,144,95,95,bf16]> tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,14,56,56,bf16]> tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,160,7,7,bf16]> tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,1632,12,12,bf16]> tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,168,28,28,bf16]> tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,16,28,28,bf16]> tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,192,14,14,bf16]> tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,192,28,28,bf16]> tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,192,38,38,bf16]> tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,192,48,48,bf16]> tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,192,75,75,bf16]> tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,192,95,95,bf16]> tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,196,14,14,bf16]> tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,20,28,28,bf16]> tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,240,15,15,bf16]> tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,240,30,30,bf16]> tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,24,56,56,bf16]> tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,256,14,14,bf16]> tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,256,28,28,bf16]> tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,272,7,7,bf16]> tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,288,17,17,bf16]> tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,288,19,19,bf16]> tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,288,33,33,bf16]> tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,288,38,38,bf16]> tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,28,28,28,bf16]> tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,320,28,28,bf16]> tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,32,112,112,bf16]> tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,32,120,120,bf16]> tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,32,130,130,bf16]> tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,32,150,150,bf16]> tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,32,190,190,bf16]> tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,334,14,14,bf16]> tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,336,24,24,bf16]> tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,336,48,48,bf16]> tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,34,28,28,bf16]> tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,384,14,14,bf16]> tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,40,14,14,bf16]> tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,40,56,56,bf16]> tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,462,7,7,bf16]> tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,46,28,28,bf16]> tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,480,15,15,bf16]> tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,512,14,14,bf16]> tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,512,7,7,bf16]> tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,528,17,17,bf16]> tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,576,14,14,bf16]> tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,576,19,19,bf16]> tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,576,7,7,bf16]> tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,58,28,28,bf16]> tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,640,14,14,bf16]> tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,64,112,112,bf16]> tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,64,56,56,bf16]> tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,672,15,15,bf16]> tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,672,24,24,bf16]> tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,672,8,8,bf16]> tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,68,14,14,bf16]> tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,68,56,56,bf16]> tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,720,17,17,bf16]> tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,720,9,9,bf16]> tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,78,28,28,bf16]> tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,816,10,10,bf16]> tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,816,19,19,bf16]> tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,960,12,12,bf16]> tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,960,24,24,bf16]> tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,96,112,112,bf16]> tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,96,120,120,bf16]> tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,96,130,130,bf16]> tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,96,56,56,bf16]> tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,96,60,60,bf16]> tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,96,65,65,bf16]> tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,98,28,28,bf16]> tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.minimum | tensor<[1,1,1,1,bf16]> tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.moreh_cumsum
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.moreh_cumsum | tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | dim: 0 : i64 | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,1,1,1,f32]> tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 0 : i64 | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,10,1,1,f32]> tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,10,1,1,f32]> tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,11,1,1,f32]> tensor<[1,11,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,11,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,12,1,1,f32]> tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,13,1,1,f32]> tensor<[1,13,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,13,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,14,1,1,f32]> tensor<[1,14,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,14,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,15,1,1,f32]> tensor<[1,15,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,15,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,16,1,1,f32]> tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,17,1,1,f32]> tensor<[1,17,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,17,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,18,1,1,f32]> tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,19,1,1,f32]> tensor<[1,19,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,19,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,20,1,1,f32]> tensor<[1,20,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,20,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,21,1,1,f32]> tensor<[1,21,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,21,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,22,1,1,f32]> tensor<[1,22,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,22,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,23,1,1,f32]> tensor<[1,23,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,23,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,24,1,1,f32]> tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,25,1,1,f32]> tensor<[1,25,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,25,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,26,1,1,f32]> tensor<[1,26,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,26,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,27,1,1,f32]> tensor<[1,27,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,27,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,28,1,1,f32]> tensor<[1,28,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,28,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,29,1,1,f32]> tensor<[1,29,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,29,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,5,1,1,f32]> tensor<[1,5,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,5,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,6,1,1,f32]> tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,7,1,1,f32]> tensor<[1,7,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,7,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,8,1,1,f32]> tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[1,9,1,1,f32]> tensor<[1,9,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 1 : i64 | tensor<[1,9,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[45,1,1,1,f32]> tensor<[45,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | dim: 0 : i64 | tensor<[45,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.moreh_cumsum | tensor<[5,1,1,1,f32]> tensor<[5,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim: 0 : i64 | tensor<[5,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.multiply | tensor<[11,ui32]> tensor<[11,ui32]> tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[12,ui32]> tensor<[12,ui32]> tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[13,ui32]> tensor<[13,ui32]> tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[14,ui32]> tensor<[14,ui32]> tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[15,ui32]> tensor<[15,ui32]> tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16,ui32]> tensor<[16,ui32]> tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[17,ui32]> tensor<[17,ui32]> tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[18,ui32]> tensor<[18,ui32]> tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[19,ui32]> tensor<[19,ui32]> tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[20,ui32]> tensor<[20,ui32]> tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[21,ui32]> tensor<[21,ui32]> tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[22,ui32]> tensor<[22,ui32]> tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[23,ui32]> tensor<[23,ui32]> tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[24,ui32]> tensor<[24,ui32]> tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[25,ui32]> tensor<[25,ui32]> tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[26,ui32]> tensor<[26,ui32]> tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[27,ui32]> tensor<[27,ui32]> tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[28,ui32]> tensor<[28,ui32]> tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[29,ui32]> tensor<[29,ui32]> tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[32,ui32]> tensor<[32,ui32]> tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5,ui32]> tensor<[5,ui32]> tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[6,ui32]> tensor<[6,ui32]> tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[7,ui32]> tensor<[7,ui32]> tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[8,ui32]> tensor<[8,ui32]> tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,ui32]> tensor<[9,ui32]> tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[32,ui32]> tensor<[32,ui32]> tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[8,100,920,bf16]> tensor<[8,100,920,bf16]> tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[8,920,920,bf16]> tensor<[8,920,920,bf16]> tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,512,bf16]> tensor<[1,1024,512,bf16]> tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,512,f32]> tensor<[1,1024,512,f32]> tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,6144,f32]> tensor<[1,1024,6144,f32]> tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,640,bf16]> tensor<[1,1024,640,bf16]> tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,3072,bf16]> tensor<[1,10,3072,bf16]> tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,3072,f32]> tensor<[1,10,3072,f32]> tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1200,1280,bf16]> tensor<[1,1200,1280,bf16]> tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1200,1280,f32]> tensor<[1,1200,1280,f32]> tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1370,5120,bf16]> tensor<[1,1370,5120,bf16]> tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1370,5120,f32]> tensor<[1,1370,5120,f32]> tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1445,768,bf16]> tensor<[1,1445,768,bf16]> tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1445,768,f32]> tensor<[1,1445,768,f32]> tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,2048,bf16]> tensor<[1,14,14,2048,bf16]> tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,2048,f32]> tensor<[1,14,14,2048,f32]> tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1500,3072,bf16]> tensor<[1,1500,3072,bf16]> tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1500,3072,f32]> tensor<[1,1500,3072,f32]> tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,bf16]> tensor<[1,1536,bf16]> tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,128,bf16]> tensor<[1,16384,128,bf16]> tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,128,f32]> tensor<[1,16384,128,f32]> tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,1536,f32]> tensor<[1,16384,1536,f32]> tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,3072,bf16]> tensor<[1,16,3072,bf16]> tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,3072,f32]> tensor<[1,16,3072,f32]> tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,19200,256,bf16]> tensor<[1,19200,256,bf16]> tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,19200,256,f32]> tensor<[1,19200,256,f32]> tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,196,3072,bf16]> tensor<[1,196,3072,bf16]> tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,196,3072,f32]> tensor<[1,196,3072,f32]> tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,3072,bf16]> tensor<[1,197,3072,bf16]> tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,3072,f32]> tensor<[1,197,3072,f32]> tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,4096,bf16]> tensor<[1,197,4096,bf16]> tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,4096,f32]> tensor<[1,197,4096,f32]> tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,201,3072,bf16]> tensor<[1,201,3072,bf16]> tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,201,3072,f32]> tensor<[1,201,3072,f32]> tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1024,bf16]> tensor<[1,256,1024,bf16]> tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,256,bf16]> tensor<[1,256,256,bf16]> tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,4096,bf16]> tensor<[1,256,4096,bf16]> tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,4096,f32]> tensor<[1,256,4096,f32]> tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,5120,bf16]> tensor<[1,256,5120,bf16]> tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,5120,f32]> tensor<[1,256,5120,f32]> tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,6144,f32]> tensor<[1,256,6144,f32]> tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,257,3072,bf16]> tensor<[1,257,3072,bf16]> tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,257,3072,f32]> tensor<[1,257,3072,f32]> tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,25,3072,bf16]> tensor<[1,25,3072,bf16]> tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,25,3072,f32]> tensor<[1,25,3072,f32]> tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,1024,bf16]> tensor<[1,28,28,1024,bf16]> tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,1024,f32]> tensor<[1,28,28,1024,f32]> tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,2048,bf16]> tensor<[1,300,2048,bf16]> tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,2048,f32]> tensor<[1,300,2048,f32]> tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,f32]> tensor<[1,3072,8,f32]> tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,1280,bf16]> tensor<[1,4096,1280,bf16]> tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,1280,f32]> tensor<[1,4096,1280,f32]> tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,256,bf16]> tensor<[1,4096,256,bf16]> tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,256,f32]> tensor<[1,4096,256,f32]> tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,3072,f32]> tensor<[1,4096,3072,f32]> tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4800,512,bf16]> tensor<[1,4800,512,bf16]> tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4800,512,f32]> tensor<[1,4800,512,f32]> tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,56,512,bf16]> tensor<[1,56,56,512,bf16]> tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,56,512,f32]> tensor<[1,56,56,512,f32]> tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,5120,bf16]> tensor<[1,64,5120,bf16]> tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,5120,f32]> tensor<[1,64,5120,f32]> tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,65536,768,f32]> tensor<[1,65536,768,f32]> tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,1500,bf16]> tensor<[1,768,1500,bf16]> tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,1500,f32]> tensor<[1,768,1500,f32]> tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,3000,bf16]> tensor<[1,768,3000,bf16]> tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,3000,f32]> tensor<[1,768,3000,f32]> tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,384,bf16]> tensor<[1,768,384,bf16]> tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,384,f32]> tensor<[1,768,384,f32]> tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,18176,bf16]> tensor<[1,7,18176,bf16]> tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,18176,f32]> tensor<[1,7,18176,f32]> tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,4096,bf16]> tensor<[1,7,7,4096,bf16]> tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,4096,f32]> tensor<[1,7,7,4096,f32]> tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,1,4096,f32]> tensor<[4,1,4096,f32]> tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,12,f32]> tensor<[1,12,128,12,f32]> tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,13,f32]> tensor<[1,12,128,13,f32]> tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,14,f32]> tensor<[1,12,128,14,f32]> tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,15,f32]> tensor<[1,12,128,15,f32]> tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,16,f32]> tensor<[1,12,128,16,f32]> tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,17,f32]> tensor<[1,12,128,17,f32]> tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,18,f32]> tensor<[1,12,128,18,f32]> tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,19,f32]> tensor<[1,12,128,19,f32]> tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,20,f32]> tensor<[1,12,128,20,f32]> tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,21,f32]> tensor<[1,12,128,21,f32]> tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,22,f32]> tensor<[1,12,128,22,f32]> tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,23,f32]> tensor<[1,12,128,23,f32]> tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,24,f32]> tensor<[1,12,128,24,f32]> tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,25,f32]> tensor<[1,12,128,25,f32]> tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,26,f32]> tensor<[1,12,128,26,f32]> tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,27,f32]> tensor<[1,12,128,27,f32]> tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,28,f32]> tensor<[1,12,128,28,f32]> tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,29,f32]> tensor<[1,12,128,29,f32]> tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,12,128,f32]> tensor<[1,12,12,128,f32]> tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,12,64,f32]> tensor<[1,12,12,64,f32]> tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,14,64,f32]> tensor<[1,12,14,64,f32]> tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,1500,64,f32]> tensor<[1,12,1500,64,f32]> tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,16,64,f32]> tensor<[1,12,16,64,f32]> tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,197,64,f32]> tensor<[1,12,197,64,f32]> tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,1,128,f32]> tensor<[1,12,1,128,f32]> tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,25,64,f32]> tensor<[1,12,25,64,f32]> tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,50,64,f32]> tensor<[1,12,50,64,f32]> tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,10,f32]> tensor<[1,12,64,10,f32]> tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,12,f32]> tensor<[1,12,64,12,f32]> tensor<[1,12,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,14,f32]> tensor<[1,12,64,14,f32]> tensor<[1,12,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,1500,f32]> tensor<[1,12,64,1500,f32]> tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,16,f32]> tensor<[1,12,64,16,f32]> tensor<[1,12,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,197,f32]> tensor<[1,12,64,197,f32]> tensor<[1,12,64,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,25,f32]> tensor<[1,12,64,25,f32]> tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,50,f32]> tensor<[1,12,64,50,f32]> tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,7,f32]> tensor<[1,12,64,7,f32]> tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,64,9,f32]> tensor<[1,12,64,9,f32]> tensor<[1,12,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,7,64,f32]> tensor<[1,12,7,64,f32]> tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,9,64,f32]> tensor<[1,12,9,64,f32]> tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,128,9,f32]> tensor<[1,16,128,9,f32]> tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,1370,80,f32]> tensor<[1,16,1370,80,f32]> tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,1,64,f32]> tensor<[1,16,1,64,f32]> tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,256,64,f32]> tensor<[1,16,256,64,f32]> tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,10,f32]> tensor<[1,16,64,10,f32]> tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,11,f32]> tensor<[1,16,64,11,f32]> tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,12,f32]> tensor<[1,16,64,12,f32]> tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,13,f32]> tensor<[1,16,64,13,f32]> tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,14,f32]> tensor<[1,16,64,14,f32]> tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,15,f32]> tensor<[1,16,64,15,f32]> tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,16,f32]> tensor<[1,16,64,16,f32]> tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,17,f32]> tensor<[1,16,64,17,f32]> tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,18,f32]> tensor<[1,16,64,18,f32]> tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,19,f32]> tensor<[1,16,64,19,f32]> tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,20,f32]> tensor<[1,16,64,20,f32]> tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,21,f32]> tensor<[1,16,64,21,f32]> tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,22,f32]> tensor<[1,16,64,22,f32]> tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,23,f32]> tensor<[1,16,64,23,f32]> tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,24,f32]> tensor<[1,16,64,24,f32]> tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,256,f32]> tensor<[1,16,64,256,f32]> tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,25,f32]> tensor<[1,16,64,25,f32]> tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,26,f32]> tensor<[1,16,64,26,f32]> tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,27,f32]> tensor<[1,16,64,27,f32]> tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,28,f32]> tensor<[1,16,64,28,f32]> tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,29,f32]> tensor<[1,16,64,29,f32]> tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,6,f32]> tensor<[1,16,64,6,f32]> tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,7,f32]> tensor<[1,16,64,7,f32]> tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,8,f32]> tensor<[1,16,64,8,f32]> tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,9,f32]> tensor<[1,16,64,9,f32]> tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,64,9,f32]> tensor<[1,16,64,9,f32]> tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,6,64,f32]> tensor<[1,16,6,64,f32]> tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,80,1370,f32]> tensor<[1,16,80,1370,f32]> tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,9,128,f32]> tensor<[1,16,9,128,f32]> tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,9,64,f32]> tensor<[1,16,9,64,f32]> tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,64,7,f32]> tensor<[1,1,64,7,f32]> tensor<[1,1,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,128,32,f32]> tensor<[1,24,128,32,f32]> tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,32,128,f32]> tensor<[1,24,32,128,f32]> tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,128,13,f32]> tensor<[1,28,128,13,f32]> tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,13,128,f32]> tensor<[1,28,13,128,f32]> tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,128,32,f32]> tensor<[1,32,128,32,f32]> tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,32,128,f32]> tensor<[1,32,32,128,f32]> tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,1445,64,f32]> tensor<[1,3,1445,64,f32]> tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,64,1445,f32]> tensor<[1,3,64,1445,f32]> tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,64,9,f32]> tensor<[1,64,64,9,f32]> tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,9,64,f32]> tensor<[1,64,9,64,f32]> tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,71,7,64,f32]> tensor<[1,71,7,64,f32]> tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,1024,80,f32]> tensor<[1,8,1024,80,f32]> tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,160,256,f32]> tensor<[1,8,160,256,f32]> tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,160,64,f32]> tensor<[1,8,160,64,f32]> tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,160,9,f32]> tensor<[1,8,160,9,f32]> tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,256,160,f32]> tensor<[1,8,256,160,f32]> tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,4096,40,f32]> tensor<[1,8,4096,40,f32]> tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,40,4096,f32]> tensor<[1,8,40,4096,f32]> tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,40,9,f32]> tensor<[1,8,40,9,f32]> tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,64,160,f32]> tensor<[1,8,64,160,f32]> tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,80,1024,f32]> tensor<[1,8,80,1024,f32]> tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,80,9,f32]> tensor<[1,8,80,9,f32]> tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,8,64,7,f32]> tensor<[2,8,64,7,f32]> tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,8,7,64,f32]> tensor<[2,8,7,64,f32]> tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,16,1,64,f32]> tensor<[4,16,1,64,f32]> tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,16,64,1,f32]> tensor<[4,16,64,1,f32]> tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[100,1,256,f32]> tensor<[100,1,256,f32]> tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[100,1,256,f32]> tensor<[100,1,256,f32]> tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[100,2048,f32]> tensor<[100,2048,f32]> tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[100,256,f32]> tensor<[100,256,f32]> tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[100,4,f32]> tensor<[100,4,f32]> tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[100,92,f32]> tensor<[100,92,f32]> tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,f32]> tensor<[1024,f32]> tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,10,1024,bf16]> tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,197,1024,bf16]> tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,1536,f32]> tensor<[1024,1536,f32]> tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,160,f32]> tensor<[1024,160,f32]> tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,3072,f32]> tensor<[1024,3072,f32]> tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,5120,f32]> tensor<[1024,5120,f32]> tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,6144,f32]> tensor<[1024,6144,f32]> tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,640,f32]> tensor<[1024,640,f32]> tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1024,768,f32]> tensor<[1024,768,f32]> tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[10,250002,f32]> tensor<[10,250002,f32]> tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[10,3072,f32]> tensor<[10,3072,f32]> tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[10,768,f32]> tensor<[10,768,f32]> tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1200,1280,f32]> tensor<[1200,1280,f32]> tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1200,320,f32]> tensor<[1200,320,f32]> tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[121,12,144,32,f32]> tensor<[121,12,144,32,f32]> tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[121,6,144,32,f32]> tensor<[121,6,144,32,f32]> tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1296,1536,f32]> tensor<[1296,1536,f32]> tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1296,2304,f32]> tensor<[1296,2304,f32]> tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1296,4608,f32]> tensor<[1296,4608,f32]> tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1296,768,f32]> tensor<[1296,768,f32]> tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[12,12,bf16]> tensor<[12,12,bf16]> tensor<[12,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[12,1536,f32]> tensor<[12,1536,f32]> tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[12,256,f32]> tensor<[12,256,f32]> tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[12,2,f32]> tensor<[12,2,f32]> tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[12,3072,f32]> tensor<[12,3072,f32]> tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[12,768,f32]> tensor<[12,768,f32]> tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1370,1280,f32]> tensor<[1370,1280,f32]> tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1370,3840,f32]> tensor<[1370,3840,f32]> tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1370,5120,f32]> tensor<[1370,5120,f32]> tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[13,13,bf16]> tensor<[13,13,bf16]> tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[13,2,f32]> tensor<[13,2,f32]> tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[13,3584,f32]> tensor<[13,3584,f32]> tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[13,512,f32]> tensor<[13,512,f32]> tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1445,192,f32]> tensor<[1445,192,f32]> tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1445,768,f32]> tensor<[1445,768,f32]> tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[14,2048,f32]> tensor<[14,2048,f32]> tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[14,2,f32]> tensor<[14,2,f32]> tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[14,3072,f32]> tensor<[14,3072,f32]> tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[14,512,f32]> tensor<[14,512,f32]> tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[14,768,f32]> tensor<[14,768,f32]> tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1500,3072,f32]> tensor<[1500,3072,f32]> tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1500,768,f32]> tensor<[1500,768,f32]> tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1536,f32]> tensor<[1536,f32]> tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,10,1536,bf16]> tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,11,1536,bf16]> tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,12,1536,bf16]> tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,13,1536,bf16]> tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,14,1536,bf16]> tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,15,1536,bf16]> tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,1,1536,bf16]> tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,6,1536,bf16]> tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,7,1536,bf16]> tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,8,1536,bf16]> tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,bf16]> tensor<[1,9,1536,bf16]> tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16384,128,f32]> tensor<[16384,128,f32]> tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16384,1536,f32]> tensor<[16384,1536,f32]> tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16384,192,f32]> tensor<[16384,192,f32]> tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16384,32,f32]> tensor<[16384,32,f32]> tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16384,384,f32]> tensor<[16384,384,f32]> tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16384,768,f32]> tensor<[16384,768,f32]> tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,1,f32]> tensor<[1,16,32,f32]> tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16,3072,f32]> tensor<[16,3072,f32]> tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16,768,f32]> tensor<[16,768,f32]> tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[16,8,49,32,bf16]> tensor<[16,8,49,32,bf16]> tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[17424,1152,f32]> tensor<[17424,1152,f32]> tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[17424,192,f32]> tensor<[17424,192,f32]> tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[17424,384,f32]> tensor<[17424,384,f32]> tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[17424,576,f32]> tensor<[17424,576,f32]> tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[19200,256,f32]> tensor<[19200,256,f32]> tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[19200,64,f32]> tensor<[19200,64,f32]> tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[196,1536,f32]> tensor<[196,1536,f32]> tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[196,3072,f32]> tensor<[196,3072,f32]> tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[196,512,f32]> tensor<[196,512,f32]> tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[196,768,f32]> tensor<[196,768,f32]> tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[197,1024,f32]> tensor<[197,1024,f32]> tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[197,3072,f32]> tensor<[197,3072,f32]> tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[197,4096,f32]> tensor<[197,4096,f32]> tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[197,768,f32]> tensor<[197,768,f32]> tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,ui32]> tensor<[1,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1000,f32]> tensor<[1,1000,f32]> tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,100,14,14,f32]> tensor<[1,100,14,14,f32]> tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,10,10,f32]> tensor<[1,1024,10,10,f32]> tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,14,14,f32]> tensor<[1,1024,14,14,f32]> tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,16,16,f32]> tensor<[1,1024,16,16,f32]> tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,19,19,f32]> tensor<[1,1024,19,19,f32]> tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,2560,bf16]> tensor<[1,1024,2560,bf16]> tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,28,28,f32]> tensor<[1,1024,28,28,f32]> tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,45,80,bf16]> tensor<[1,1024,45,80,bf16]> tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,7,7,f32]> tensor<[1,1024,7,7,f32]> tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,7,7,bf16]> tensor<[1,1024,7,7,bf16]> tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1056,14,14,f32]> tensor<[1,1056,14,14,f32]> tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1056,7,7,f32]> tensor<[1,1056,7,7,f32]> tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1088,14,14,f32]> tensor<[1,1088,14,14,f32]> tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1088,7,7,f32]> tensor<[1,1088,7,7,f32]> tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,f32]> tensor<[1,10,f32]> tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,1024,f32]> tensor<[1,10,1024,f32]> tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,512,f32]> tensor<[1,10,512,f32]> tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1120,14,14,f32]> tensor<[1,1120,14,14,f32]> tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1120,7,7,f32]> tensor<[1,1120,7,7,f32]> tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,112,14,14,f32]> tensor<[1,112,14,14,f32]> tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,112,15,15,f32]> tensor<[1,112,15,15,f32]> tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,112,24,24,f32]> tensor<[1,112,24,24,f32]> tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,112,7,7,f32]> tensor<[1,112,7,7,f32]> tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1152,14,14,f32]> tensor<[1,1152,14,14,f32]> tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1152,7,7,f32]> tensor<[1,1152,7,7,f32]> tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1152,8,8,f32]> tensor<[1,1152,8,8,f32]> tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,116,14,14,f32]> tensor<[1,116,14,14,f32]> tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1184,14,14,f32]> tensor<[1,1184,14,14,f32]> tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1184,7,7,f32]> tensor<[1,1184,7,7,f32]> tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,11,bf16]> tensor<[1,11,bf16]> tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,14,14,f32]> tensor<[1,120,14,14,f32]> tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,17,17,f32]> tensor<[1,120,17,17,f32]> tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,1,1,bf16]> tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,1,1,f32]> tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,28,28,f32]> tensor<[1,120,28,28,f32]> tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1216,14,14,f32]> tensor<[1,1216,14,14,f32]> tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1216,7,7,f32]> tensor<[1,1216,7,7,f32]> tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1248,14,14,f32]> tensor<[1,1248,14,14,f32]> tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1248,7,7,f32]> tensor<[1,1248,7,7,f32]> tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1248,9,9,f32]> tensor<[1,1248,9,9,f32]> tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,f32]> tensor<[1,1280,f32]> tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,10,10,f32]> tensor<[1,1280,10,10,f32]> tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,12,12,f32]> tensor<[1,1280,12,12,f32]> tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,14,14,f32]> tensor<[1,1280,14,14,f32]> tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,16,16,f32]> tensor<[1,1280,16,16,f32]> tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,32,32,f32]> tensor<[1,1280,32,32,f32]> tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,7,7,f32]> tensor<[1,1280,7,7,f32]> tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,9,9,f32]> tensor<[1,1280,9,9,f32]> tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,f32]> tensor<[1,128,f32]> tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,112,112,f32]> tensor<[1,128,112,112,f32]> tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,128,128,f32]> tensor<[1,128,128,128,f32]> tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,14,14,f32]> tensor<[1,128,14,14,f32]> tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,150,150,f32]> tensor<[1,128,150,150,f32]> tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,17,17,f32]> tensor<[1,128,17,17,f32]> tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,180,320,bf16]> tensor<[1,128,180,320,bf16]> tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,28,28,f32]> tensor<[1,128,28,28,f32]> tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,32,32,f32]> tensor<[1,128,32,32,f32]> tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,56,56,f32]> tensor<[1,128,56,56,f32]> tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,64,64,f32]> tensor<[1,128,64,64,f32]> tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,75,75,f32]> tensor<[1,128,75,75,f32]> tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,7,7,f32]> tensor<[1,128,7,7,f32]> tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,90,160,bf16]> tensor<[1,128,90,160,bf16]> tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,f32]> tensor<[1,12,f32]> tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,bf16]> tensor<[1,12,bf16]> tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,12,128,bf16]> tensor<[1,12,12,128,bf16]> tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,1,128,bf16]> tensor<[1,12,1,128,bf16]> tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,257,257,bf16]> tensor<[1,12,257,257,bf16]> tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,56,56,f32]> tensor<[1,12,56,56,f32]> tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,8960,bf16]> tensor<[1,12,8960,bf16]> tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1312,14,14,f32]> tensor<[1,1312,14,14,f32]> tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1312,7,7,f32]> tensor<[1,1312,7,7,f32]> tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1344,14,14,f32]> tensor<[1,1344,14,14,f32]> tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1344,28,28,f32]> tensor<[1,1344,28,28,f32]> tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1344,7,7,f32]> tensor<[1,1344,7,7,f32]> tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,134,28,28,f32]> tensor<[1,134,28,28,f32]> tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,136,19,19,f32]> tensor<[1,136,19,19,f32]> tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1376,14,14,f32]> tensor<[1,1376,14,14,f32]> tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1376,7,7,f32]> tensor<[1,1376,7,7,f32]> tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1392,10,10,f32]> tensor<[1,1392,10,10,f32]> tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1392,14,14,f32]> tensor<[1,1392,14,14,f32]> tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1392,1,1,bf16]> tensor<[1,1392,14,14,bf16]> tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1392,28,28,f32]> tensor<[1,1392,28,28,f32]> tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,13,bf16]> tensor<[1,13,bf16]> tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,13,128,f32]> tensor<[1,13,128,f32]> tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,13,18944,bf16]> tensor<[1,13,18944,bf16]> tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,13,3584,f32]> tensor<[1,13,3584,f32]> tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1408,14,14,f32]> tensor<[1,1408,14,14,f32]> tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1408,7,7,f32]> tensor<[1,1408,7,7,f32]> tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1440,14,14,f32]> tensor<[1,1440,14,14,f32]> tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1440,7,7,f32]> tensor<[1,1440,7,7,f32]> tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,14,14,f32]> tensor<[1,144,14,14,f32]> tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,150,150,f32]> tensor<[1,144,150,150,f32]> tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,190,190,f32]> tensor<[1,144,190,190,f32]> tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,28,28,f32]> tensor<[1,144,28,28,f32]> tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,30,30,f32]> tensor<[1,144,30,30,f32]> tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,33,33,f32]> tensor<[1,144,33,33,f32]> tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,56,56,f32]> tensor<[1,144,56,56,f32]> tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,60,60,f32]> tensor<[1,144,60,60,f32]> tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,65,65,f32]> tensor<[1,144,65,65,f32]> tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,75,75,f32]> tensor<[1,144,75,75,f32]> tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,7,7,f32]> tensor<[1,144,7,7,f32]> tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,144,95,95,f32]> tensor<[1,144,95,95,f32]> tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1472,14,14,f32]> tensor<[1,1472,14,14,f32]> tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1472,7,7,f32]> tensor<[1,1472,7,7,f32]> tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,bf16]> tensor<[1,14,bf16]> tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,56,56,f32]> tensor<[1,14,56,56,f32]> tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1504,14,14,f32]> tensor<[1,1504,14,14,f32]> tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1504,7,7,f32]> tensor<[1,1504,7,7,f32]> tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,10,10,f32]> tensor<[1,1536,10,10,f32]> tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,14,14,f32]> tensor<[1,1536,14,14,f32]> tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,7,7,f32]> tensor<[1,1536,7,7,f32]> tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1568,14,14,f32]> tensor<[1,1568,14,14,f32]> tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1568,7,7,f32]> tensor<[1,1568,7,7,f32]> tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,bf16]> tensor<[1,15,bf16]> tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,512,f32]> tensor<[1,15,512,f32]> tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1600,14,14,f32]> tensor<[1,1600,14,14,f32]> tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1600,7,7,f32]> tensor<[1,1600,7,7,f32]> tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,160,14,14,f32]> tensor<[1,160,14,14,f32]> tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,160,24,24,f32]> tensor<[1,160,24,24,f32]> tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,160,28,28,f32]> tensor<[1,160,28,28,f32]> tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,160,56,56,f32]> tensor<[1,160,56,56,f32]> tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,160,7,7,f32]> tensor<[1,160,7,7,f32]> tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1632,12,12,f32]> tensor<[1,1632,12,12,f32]> tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1632,14,14,f32]> tensor<[1,1632,14,14,f32]> tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1632,7,7,f32]> tensor<[1,1632,7,7,f32]> tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1664,14,14,f32]> tensor<[1,1664,14,14,f32]> tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1664,7,7,f32]> tensor<[1,1664,7,7,f32]> tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,168,28,28,f32]> tensor<[1,168,28,28,f32]> tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1696,14,14,f32]> tensor<[1,1696,14,14,f32]> tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1696,7,7,f32]> tensor<[1,1696,7,7,f32]> tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,bf16]> tensor<[1,16,bf16]> tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,112,112,f32]> tensor<[1,16,112,112,f32]> tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,120,120,f32]> tensor<[1,16,120,120,f32]> tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,130,130,f32]> tensor<[1,16,130,130,f32]> tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,14,14,f32]> tensor<[1,16,14,14,f32]> tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,224,224,f32]> tensor<[1,16,224,224,f32]> tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,28,28,f32]> tensor<[1,16,28,28,f32]> tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,56,56,f32]> tensor<[1,16,56,56,f32]> tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1728,14,14,f32]> tensor<[1,1728,14,14,f32]> tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1728,7,7,f32]> tensor<[1,1728,7,7,f32]> tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1760,14,14,f32]> tensor<[1,1760,14,14,f32]> tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1760,7,7,f32]> tensor<[1,1760,7,7,f32]> tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1792,14,14,f32]> tensor<[1,1792,14,14,f32]> tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1792,7,7,f32]> tensor<[1,1792,7,7,f32]> tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,17,bf16]> tensor<[1,17,bf16]> tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1824,7,7,f32]> tensor<[1,1824,7,7,f32]> tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,184,14,14,f32]> tensor<[1,184,14,14,f32]> tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,184,7,7,f32]> tensor<[1,184,7,7,f32]> tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1856,7,7,f32]> tensor<[1,1856,7,7,f32]> tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1888,7,7,f32]> tensor<[1,1888,7,7,f32]> tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,18,bf16]> tensor<[1,18,bf16]> tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,18,14,14,f32]> tensor<[1,18,14,14,f32]> tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,18,28,28,f32]> tensor<[1,18,28,28,f32]> tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,18,56,56,f32]> tensor<[1,18,56,56,f32]> tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,18,7,7,f32]> tensor<[1,18,7,7,f32]> tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1920,16,16,f32]> tensor<[1,1920,16,16,f32]> tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1920,32,32,f32]> tensor<[1,1920,32,32,f32]> tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1920,7,7,f32]> tensor<[1,1920,7,7,f32]> tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,14,14,f32]> tensor<[1,192,14,14,f32]> tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,17,17,f32]> tensor<[1,192,17,17,f32]> tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,28,28,f32]> tensor<[1,192,28,28,f32]> tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,35,35,f32]> tensor<[1,192,35,35,f32]> tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,38,38,f32]> tensor<[1,192,38,38,f32]> tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,48,48,f32]> tensor<[1,192,48,48,f32]> tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,56,56,f32]> tensor<[1,192,56,56,f32]> tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,75,75,f32]> tensor<[1,192,75,75,f32]> tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,7,7,f32]> tensor<[1,192,7,7,f32]> tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,8,8,f32]> tensor<[1,192,8,8,f32]> tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,192,95,95,f32]> tensor<[1,192,95,95,f32]> tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,196,14,14,f32]> tensor<[1,196,14,14,f32]> tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,19,bf16]> tensor<[1,19,bf16]> tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,f32]> tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.multiply | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,128,f32]> tensor<[1,1,128,f32]> tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1536,f32]> tensor<[1,1,1536,f32]> tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,16,32,f32]> tensor<[1,1,16,32,f32]> tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1,201,bf16]> tensor<[1,1,1,201,bf16]> tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1,2048,bf16]> tensor<[1,1,1,2048,bf16]> tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,480,640,bf16]> tensor<[1,1,480,640,bf16]> tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,512,bf16]> tensor<[1,1,512,bf16]> tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,512,f32]> tensor<[1,1,512,f32]> tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,bf16]> tensor<[1,1,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,7,64,bf16]> tensor<[1,1,7,64,bf16]> tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,8960,bf16]> tensor<[1,1,8960,bf16]> tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,200,14,14,f32]> tensor<[1,200,14,14,f32]> tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,200,7,7,f32]> tensor<[1,200,7,7,f32]> tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,10,10,f32]> tensor<[1,2048,10,10,f32]> tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,14,14,f32]> tensor<[1,2048,14,14,f32]> tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,23,40,bf16]> tensor<[1,2048,23,40,bf16]> tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,7,7,f32]> tensor<[1,2048,7,7,f32]> tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,208,14,14,f32]> tensor<[1,208,14,14,f32]> tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,208,9,9,f32]> tensor<[1,208,9,9,f32]> tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,20,bf16]> tensor<[1,20,bf16]> tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,20,28,28,f32]> tensor<[1,20,28,28,f32]> tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,21843,f32]> tensor<[1,21843,f32]> tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,21,bf16]> tensor<[1,21,bf16]> tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,224,14,14,f32]> tensor<[1,224,14,14,f32]> tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,224,17,17,f32]> tensor<[1,224,17,17,f32]> tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,224,28,28,f32]> tensor<[1,224,28,28,f32]> tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,224,35,35,f32]> tensor<[1,224,35,35,f32]> tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,224,56,56,f32]> tensor<[1,224,56,56,f32]> tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,224,7,7,f32]> tensor<[1,224,7,7,f32]> tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,22,bf16]> tensor<[1,22,bf16]> tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,232,10,10,f32]> tensor<[1,232,10,10,f32]> tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,232,112,112,f32]> tensor<[1,232,112,112,f32]> tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,232,1,1,bf16]> tensor<[1,232,56,56,bf16]> tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,232,56,56,f32]> tensor<[1,232,56,56,f32]> tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,23,bf16]> tensor<[1,23,bf16]> tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,14,14,f32]> tensor<[1,240,14,14,f32]> tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,15,15,f32]> tensor<[1,240,15,15,f32]> tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,28,28,f32]> tensor<[1,240,28,28,f32]> tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,30,30,f32]> tensor<[1,240,30,30,f32]> tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,bf16]> tensor<[1,24,bf16]> tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,112,112,f32]> tensor<[1,24,112,112,f32]> tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,14,14,f32]> tensor<[1,24,14,14,f32]> tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,150,150,f32]> tensor<[1,24,150,150,f32]> tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,190,190,f32]> tensor<[1,24,190,190,f32]> tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,28,28,f32]> tensor<[1,24,28,28,f32]> tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,32,128,bf16]> tensor<[1,24,32,128,bf16]> tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,56,56,f32]> tensor<[1,24,56,56,f32]> tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,60,60,f32]> tensor<[1,24,60,60,f32]> tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,65,65,f32]> tensor<[1,24,65,65,f32]> tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2520,14,14,f32]> tensor<[1,2520,14,14,f32]> tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2520,7,7,f32]> tensor<[1,2520,7,7,f32]> tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2560,16,16,f32]> tensor<[1,2560,16,16,f32]> tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2560,8,8,f32]> tensor<[1,2560,8,8,f32]> tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,f32]> tensor<[1,256,f32]> tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,128,128,f32]> tensor<[1,256,128,128,f32]> tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,14,14,f32]> tensor<[1,256,14,14,f32]> tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,16,16,f32]> tensor<[1,256,16,16,f32]> tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,17,17,f32]> tensor<[1,256,17,17,f32]> tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,180,320,bf16]> tensor<[1,256,180,320,bf16]> tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,28,28,f32]> tensor<[1,256,28,28,f32]> tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,32,32,f32]> tensor<[1,256,32,32,f32]> tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,38,38,f32]> tensor<[1,256,38,38,f32]> tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,45,80,bf16]> tensor<[1,256,45,80,bf16]> tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,5120,bf16]> tensor<[1,256,5120,bf16]> tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,56,56,f32]> tensor<[1,256,56,56,f32]> tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,64,64,f32]> tensor<[1,256,64,64,f32]> tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,75,75,f32]> tensor<[1,256,75,75,f32]> tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,7,7,f32]> tensor<[1,256,7,7,f32]> tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,8,8,f32]> tensor<[1,256,8,8,f32]> tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,90,160,bf16]> tensor<[1,256,90,160,bf16]> tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,25,bf16]> tensor<[1,25,bf16]> tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,26,bf16]> tensor<[1,26,bf16]> tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,272,12,12,f32]> tensor<[1,272,12,12,f32]> tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,272,7,7,f32]> tensor<[1,272,7,7,f32]> tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,27,bf16]> tensor<[1,27,bf16]> tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,288,14,14,f32]> tensor<[1,288,14,14,f32]> tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,288,17,17,f32]> tensor<[1,288,17,17,f32]> tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,288,19,19,f32]> tensor<[1,288,19,19,f32]> tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,288,28,28,f32]> tensor<[1,288,28,28,f32]> tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,288,33,33,f32]> tensor<[1,288,33,33,f32]> tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,288,38,38,f32]> tensor<[1,288,38,38,f32]> tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,bf16]> tensor<[1,28,bf16]> tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,13,128,bf16]> tensor<[1,28,13,128,bf16]> tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,28,f32]> tensor<[1,28,28,28,f32]> tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,29,bf16]> tensor<[1,29,bf16]> tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2,f32]> tensor<[1,2,f32]> tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2,12,128,bf16]> tensor<[1,2,12,128,bf16]> tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2,1,128,bf16]> tensor<[1,2,1,128,bf16]> tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,f32]> tensor<[1,3072,f32]> tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,10,1,f32]> tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,11,1,f32]> tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,12,1,f32]> tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,13,1,f32]> tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,14,1,f32]> tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,15,1,f32]> tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,16,f32]> tensor<[1,3072,16,f32]> tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,10,16,f32]> tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,11,16,f32]> tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,12,16,f32]> tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,13,16,f32]> tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,14,16,f32]> tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,15,16,f32]> tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,1,16,f32]> tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,6,1,f32]> tensor<[1,3072,6,16,f32]> tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,7,1,f32]> tensor<[1,3072,7,16,f32]> tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,1,f32]> tensor<[1,3072,8,16,f32]> tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,9,1,f32]> tensor<[1,3072,9,16,f32]> tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3129,f32]> tensor<[1,3129,f32]> tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,14,14,f32]> tensor<[1,320,14,14,f32]> tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,17,17,f32]> tensor<[1,320,17,17,f32]> tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,28,28,f32]> tensor<[1,320,28,28,f32]> tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,32,32,f32]> tensor<[1,320,32,32,f32]> tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,64,64,f32]> tensor<[1,320,64,64,f32]> tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,7,7,f32]> tensor<[1,320,7,7,f32]> tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,8,8,f32]> tensor<[1,320,8,8,f32]> tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,ui32]> tensor<[1,32,ui32]> tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,11008,bf16]> tensor<[1,32,11008,bf16]> tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,112,112,f32]> tensor<[1,32,112,112,f32]> tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,120,120,f32]> tensor<[1,32,120,120,f32]> tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,120,160,f32]> tensor<[1,32,120,160,f32]> tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,128,f32]> tensor<[1,32,128,f32]> tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,128,128,f32]> tensor<[1,32,128,128,f32]> tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,130,130,f32]> tensor<[1,32,130,130,f32]> tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,147,147,f32]> tensor<[1,32,147,147,f32]> tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,149,149,f32]> tensor<[1,32,149,149,f32]> tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,14,14,f32]> tensor<[1,32,14,14,f32]> tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,150,150,f32]> tensor<[1,32,150,150,f32]> tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,190,190,f32]> tensor<[1,32,190,190,f32]> tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,256,256,f32]> tensor<[1,32,256,256,f32]> tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,28,28,f32]> tensor<[1,32,28,28,f32]> tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,3072,f32]> tensor<[1,32,3072,f32]> tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,30,40,f32]> tensor<[1,32,30,40,f32]> tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,32,128,bf16]> tensor<[1,32,32,128,bf16]> tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,4096,f32]> tensor<[1,32,4096,f32]> tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,49,32,bf16]> tensor<[1,32,49,32,bf16]> tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,512,512,f32]> tensor<[1,32,512,512,f32]> tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,56,56,f32]> tensor<[1,32,56,56,f32]> tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,60,80,f32]> tensor<[1,32,60,80,f32]> tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,75,75,f32]> tensor<[1,32,75,75,f32]> tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,7,7,f32]> tensor<[1,32,7,7,f32]> tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,8192,bf16]> tensor<[1,32,8192,bf16]> tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,95,95,f32]> tensor<[1,32,95,95,f32]> tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,334,14,14,f32]> tensor<[1,334,14,14,f32]> tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,336,112,112,f32]> tensor<[1,336,112,112,f32]> tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,336,14,14,f32]> tensor<[1,336,14,14,f32]> tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,336,24,24,f32]> tensor<[1,336,24,24,f32]> tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,336,48,48,f32]> tensor<[1,336,48,48,f32]> tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,336,56,56,f32]> tensor<[1,336,56,56,f32]> tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,34,28,28,f32]> tensor<[1,34,28,28,f32]> tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,352,14,14,f32]> tensor<[1,352,14,14,f32]> tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,352,28,28,f32]> tensor<[1,352,28,28,f32]> tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,352,9,9,f32]> tensor<[1,352,9,9,f32]> tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,36,14,14,f32]> tensor<[1,36,14,14,f32]> tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,36,28,28,f32]> tensor<[1,36,28,28,f32]> tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,36,56,56,f32]> tensor<[1,36,56,56,f32]> tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,36,7,7,f32]> tensor<[1,36,7,7,f32]> tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3712,14,14,f32]> tensor<[1,3712,14,14,f32]> tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3712,1,1,bf16]> tensor<[1,3712,7,7,bf16]> tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3712,7,7,f32]> tensor<[1,3712,7,7,f32]> tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,384,10,10,f32]> tensor<[1,384,10,10,f32]> tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,384,14,14,f32]> tensor<[1,384,14,14,f32]> tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,384,17,17,f32]> tensor<[1,384,17,17,f32]> tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,384,28,28,f32]> tensor<[1,384,28,28,f32]> tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,384,7,7,f32]> tensor<[1,384,7,7,f32]> tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,384,8,8,f32]> tensor<[1,384,8,8,f32]> tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,f32]> tensor<[1,3,f32]> tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,f32]> tensor<[1,4096,f32]> tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,1280,bf16]> tensor<[1,4096,1280,bf16]> tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,40,14,14,f32]> tensor<[1,40,14,14,f32]> tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,40,28,28,f32]> tensor<[1,40,28,28,f32]> tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,40,30,30,f32]> tensor<[1,40,30,30,f32]> tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,40,56,56,f32]> tensor<[1,40,56,56,f32]> tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,416,14,14,f32]> tensor<[1,416,14,14,f32]> tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,416,28,28,f32]> tensor<[1,416,28,28,f32]> tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,448,12,12,f32]> tensor<[1,448,12,12,f32]> tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,448,14,14,f32]> tensor<[1,448,14,14,f32]> tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,448,28,28,f32]> tensor<[1,448,28,28,f32]> tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,448,8,8,f32]> tensor<[1,448,8,8,f32]> tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,462,7,7,f32]> tensor<[1,462,7,7,f32]> tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,46,bf16]> tensor<[1,46,bf16]> tensor<[1,46,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,46,28,28,f32]> tensor<[1,46,28,28,f32]> tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,47,bf16]> tensor<[1,47,bf16]> tensor<[1,47,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,47,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,14,14,f32]> tensor<[1,480,14,14,f32]> tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,15,15,f32]> tensor<[1,480,15,15,f32]> tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,1,1,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,1,1,bf16]> tensor<[1,480,14,14,bf16]> tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,1,1,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,28,28,f32]> tensor<[1,480,28,28,f32]> tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,480,7,7,f32]> tensor<[1,480,7,7,f32]> tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,48,bf16]> tensor<[1,48,bf16]> tensor<[1,48,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,48,14,14,f32]> tensor<[1,48,14,14,f32]> tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,48,33,33,f32]> tensor<[1,48,33,33,f32]> tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,48,38,38,f32]> tensor<[1,48,38,38,f32]> tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,48,56,56,f32]> tensor<[1,48,56,56,f32]> tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,48,7,7,f32]> tensor<[1,48,7,7,f32]> tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,49,bf16]> tensor<[1,49,bf16]> tensor<[1,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4,13,128,bf16]> tensor<[1,4,13,128,bf16]> tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,50,bf16]> tensor<[1,50,bf16]> tensor<[1,50,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,50,3072,bf16]> tensor<[1,50,3072,bf16]> tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,50,3072,bf16]> tensor<[1,50,3072,bf16]> tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,51200,f32]> tensor<[1,51200,f32]> tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,14,14,f32]> tensor<[1,512,14,14,f32]> tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,16,16,f32]> tensor<[1,512,16,16,f32]> tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,23,40,bf16]> tensor<[1,512,23,40,bf16]> tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,28,28,f32]> tensor<[1,512,28,28,f32]> tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,32,32,f32]> tensor<[1,512,32,32,f32]> tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,45,80,bf16]> tensor<[1,512,45,80,bf16]> tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,56,56,f32]> tensor<[1,512,56,56,f32]> tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,8,8,f32]> tensor<[1,512,8,8,f32]> tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,90,160,bf16]> tensor<[1,512,90,160,bf16]> tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,51,bf16]> tensor<[1,51,bf16]> tensor<[1,51,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,51,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,528,17,17,f32]> tensor<[1,528,17,17,f32]> tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,52,bf16]> tensor<[1,52,bf16]> tensor<[1,52,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,52,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,53,bf16]> tensor<[1,53,bf16]> tensor<[1,53,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,53,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,544,14,14,f32]> tensor<[1,544,14,14,f32]> tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,54,bf16]> tensor<[1,54,bf16]> tensor<[1,54,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,54,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,55,bf16]> tensor<[1,55,bf16]> tensor<[1,55,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,55,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,bf16]> tensor<[1,56,bf16]> tensor<[1,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,14,14,f32]> tensor<[1,56,14,14,f32]> tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,48,48,f32]> tensor<[1,56,48,48,f32]> tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,576,14,14,f32]> tensor<[1,576,14,14,f32]> tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,576,19,19,f32]> tensor<[1,576,19,19,f32]> tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,576,7,7,f32]> tensor<[1,576,7,7,f32]> tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,57,bf16]> tensor<[1,57,bf16]> tensor<[1,57,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,57,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,58,bf16]> tensor<[1,58,bf16]> tensor<[1,58,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,58,28,28,f32]> tensor<[1,58,28,28,f32]> tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,59,bf16]> tensor<[1,59,bf16]> tensor<[1,59,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,59,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,16,32,f32]> tensor<[1,5,16,32,f32]> tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,608,14,14,f32]> tensor<[1,608,14,14,f32]> tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,60,bf16]> tensor<[1,60,bf16]> tensor<[1,60,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,60,28,28,f32]> tensor<[1,60,28,28,f32]> tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,61,bf16]> tensor<[1,61,bf16]> tensor<[1,61,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,61,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,62,bf16]> tensor<[1,62,bf16]> tensor<[1,62,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,62,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,63,bf16]> tensor<[1,63,bf16]> tensor<[1,63,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,63,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,640,14,14,f32]> tensor<[1,640,14,14,f32]> tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,640,16,16,f32]> tensor<[1,640,16,16,f32]> tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,640,32,32,f32]> tensor<[1,640,32,32,f32]> tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,640,64,64,f32]> tensor<[1,640,64,64,f32]> tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,f32]> tensor<[1,64,f32]> tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,bf16]> tensor<[1,64,bf16]> tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,112,112,f32]> tensor<[1,64,112,112,f32]> tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,120,160,f32]> tensor<[1,64,120,160,f32]> tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,128,128,f32]> tensor<[1,64,128,128,f32]> tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,147,147,f32]> tensor<[1,64,147,147,f32]> tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,14,14,f32]> tensor<[1,64,14,14,f32]> tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,150,150,f32]> tensor<[1,64,150,150,f32]> tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,180,320,bf16]> tensor<[1,64,180,320,bf16]> tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,224,224,f32]> tensor<[1,64,224,224,f32]> tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,256,256,f32]> tensor<[1,64,256,256,f32]> tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,28,28,f32]> tensor<[1,64,28,28,f32]> tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,30,40,f32]> tensor<[1,64,30,40,f32]> tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,35,35,f32]> tensor<[1,64,35,35,f32]> tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,360,640,bf16]> tensor<[1,64,360,640,bf16]> tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,5120,bf16]> tensor<[1,64,5120,bf16]> tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,56,56,f32]> tensor<[1,64,56,56,f32]> tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,60,80,f32]> tensor<[1,64,60,80,f32]> tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,64,64,f32]> tensor<[1,64,64,64,f32]> tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,73,73,f32]> tensor<[1,64,73,73,f32]> tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,65,bf16]> tensor<[1,65,bf16]> tensor<[1,65,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,66,bf16]> tensor<[1,66,bf16]> tensor<[1,66,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,66,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,14,14,f32]> tensor<[1,672,14,14,f32]> tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,15,15,f32]> tensor<[1,672,15,15,f32]> tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,1,1,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,1,1,bf16]> tensor<[1,672,14,14,bf16]> tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,1,1,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,1,1,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,24,24,f32]> tensor<[1,672,24,24,f32]> tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,28,28,f32]> tensor<[1,672,28,28,f32]> tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,56,56,f32]> tensor<[1,672,56,56,f32]> tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,7,7,f32]> tensor<[1,672,7,7,f32]> tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,672,8,8,f32]> tensor<[1,672,8,8,f32]> tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,67,bf16]> tensor<[1,67,bf16]> tensor<[1,67,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,67,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,68,bf16]> tensor<[1,68,bf16]> tensor<[1,68,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,68,14,14,f32]> tensor<[1,68,14,14,f32]> tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,68,56,56,f32]> tensor<[1,68,56,56,f32]> tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,696,1,1,bf16]> tensor<[1,696,28,28,bf16]> tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,696,28,28,f32]> tensor<[1,696,28,28,f32]> tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,696,56,56,f32]> tensor<[1,696,56,56,f32]> tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,69,bf16]> tensor<[1,69,bf16]> tensor<[1,69,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,69,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,6,bf16]> tensor<[1,6,bf16]> tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,6,1024,bf16]> tensor<[1,6,1024,bf16]> tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,704,14,14,f32]> tensor<[1,704,14,14,f32]> tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,70,bf16]> tensor<[1,70,bf16]> tensor<[1,70,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,70,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,71,bf16]> tensor<[1,71,bf16]> tensor<[1,71,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,71,7,64,bf16]> tensor<[1,71,7,64,bf16]> tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,720,17,17,f32]> tensor<[1,720,17,17,f32]> tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,720,9,9,f32]> tensor<[1,720,9,9,f32]> tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,728,19,19,f32]> tensor<[1,728,19,19,f32]> tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,728,38,38,f32]> tensor<[1,728,38,38,f32]> tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,bf16]> tensor<[1,72,bf16]> tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,14,14,f32]> tensor<[1,72,14,14,f32]> tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,1,1,bf16]> tensor<[1,72,28,28,bf16]> tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,1,1,f32]> tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,28,28,bf16]> tensor<[1,72,28,28,bf16]> tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,28,28,f32]> tensor<[1,72,28,28,f32]> tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,56,56,bf16]> tensor<[1,72,56,56,bf16]> tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,56,56,f32]> tensor<[1,72,56,56,f32]> tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,7,7,f32]> tensor<[1,72,7,7,f32]> tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,736,14,14,f32]> tensor<[1,736,14,14,f32]> tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,73,bf16]> tensor<[1,73,bf16]> tensor<[1,73,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,73,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,74,bf16]> tensor<[1,74,bf16]> tensor<[1,74,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,74,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,75,bf16]> tensor<[1,75,bf16]> tensor<[1,75,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,75,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,14,14,bf16]> tensor<[1,768,14,14,bf16]> tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,14,14,f32]> tensor<[1,768,14,14,f32]> tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,76,bf16]> tensor<[1,76,bf16]> tensor<[1,76,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,76,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,77,bf16]> tensor<[1,77,bf16]> tensor<[1,77,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,77,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,784,f32]> tensor<[1,784,f32]> tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,78,bf16]> tensor<[1,78,bf16]> tensor<[1,78,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,78,28,28,f32]> tensor<[1,78,28,28,f32]> tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,79,bf16]> tensor<[1,79,bf16]> tensor<[1,79,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,79,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,bf16]> tensor<[1,7,bf16]> tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,800,14,14,f32]> tensor<[1,800,14,14,f32]> tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,80,bf16]> tensor<[1,80,bf16]> tensor<[1,80,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,80,14,14,f32]> tensor<[1,80,14,14,f32]> tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,80,15,15,f32]> tensor<[1,80,15,15,f32]> tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,80,7,7,f32]> tensor<[1,80,7,7,f32]> tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,816,10,10,f32]> tensor<[1,816,10,10,f32]> tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,816,19,19,f32]> tensor<[1,816,19,19,f32]> tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,81,bf16]> tensor<[1,81,bf16]> tensor<[1,81,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,81,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,82,bf16]> tensor<[1,82,bf16]> tensor<[1,82,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,82,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,832,14,14,f32]> tensor<[1,832,14,14,f32]> tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,83,bf16]> tensor<[1,83,bf16]> tensor<[1,83,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,83,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,84,bf16]> tensor<[1,84,bf16]> tensor<[1,84,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,84,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,85,bf16]> tensor<[1,85,bf16]> tensor<[1,85,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,85,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,864,14,14,f32]> tensor<[1,864,14,14,f32]> tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,86,bf16]> tensor<[1,86,bf16]> tensor<[1,86,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,86,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,87,bf16]> tensor<[1,87,bf16]> tensor<[1,87,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,87,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,88,bf16]> tensor<[1,88,bf16]> tensor<[1,88,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,88,17,17,f32]> tensor<[1,88,17,17,f32]> tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,896,14,14,f32]> tensor<[1,896,14,14,f32]> tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,896,7,7,f32]> tensor<[1,896,7,7,f32]> tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,89,bf16]> tensor<[1,89,bf16]> tensor<[1,89,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,89,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,bf16]> tensor<[1,8,bf16]> tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,112,112,f32]> tensor<[1,8,112,112,f32]> tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,32,128,bf16]> tensor<[1,8,32,128,bf16]> tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,90,bf16]> tensor<[1,90,bf16]> tensor<[1,90,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,90,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,91,bf16]> tensor<[1,91,bf16]> tensor<[1,91,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,91,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,928,14,14,f32]> tensor<[1,928,14,14,f32]> tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,928,7,7,f32]> tensor<[1,928,7,7,f32]> tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,92,bf16]> tensor<[1,92,bf16]> tensor<[1,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,92,14,14,f32]> tensor<[1,92,14,14,f32]> tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,93,bf16]> tensor<[1,93,bf16]> tensor<[1,93,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,93,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,94,bf16]> tensor<[1,94,bf16]> tensor<[1,94,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,94,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,95,bf16]> tensor<[1,95,bf16]> tensor<[1,95,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,95,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,12,12,f32]> tensor<[1,960,12,12,f32]> tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,14,14,f32]> tensor<[1,960,14,14,f32]> tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,1,1,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,24,24,f32]> tensor<[1,960,24,24,f32]> tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,32,32,f32]> tensor<[1,960,32,32,f32]> tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,3,3,f32]> tensor<[1,960,3,3,f32]> tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,64,64,f32]> tensor<[1,960,64,64,f32]> tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,7,7,f32]> tensor<[1,960,7,7,f32]> tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,bf16]> tensor<[1,96,bf16]> tensor<[1,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,112,112,f32]> tensor<[1,96,112,112,f32]> tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,120,120,f32]> tensor<[1,96,120,120,f32]> tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,130,130,f32]> tensor<[1,96,130,130,f32]> tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,14,14,f32]> tensor<[1,96,14,14,f32]> tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,19,19,f32]> tensor<[1,96,19,19,f32]> tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,28,28,f32]> tensor<[1,96,28,28,f32]> tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,35,35,f32]> tensor<[1,96,35,35,f32]> tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,56,56,f32]> tensor<[1,96,56,56,f32]> tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,60,60,f32]> tensor<[1,96,60,60,f32]> tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,65,65,f32]> tensor<[1,96,65,65,f32]> tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,71,71,f32]> tensor<[1,96,71,71,f32]> tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,96,73,73,f32]> tensor<[1,96,73,73,f32]> tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,97,bf16]> tensor<[1,97,bf16]> tensor<[1,97,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,97,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,98,bf16]> tensor<[1,98,bf16]> tensor<[1,98,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,98,28,28,f32]> tensor<[1,98,28,28,f32]> tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,992,14,14,f32]> tensor<[1,992,14,14,f32]> tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,992,7,7,f32]> tensor<[1,992,7,7,f32]> tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,99,bf16]> tensor<[1,99,bf16]> tensor<[1,99,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,99,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,bf16]> tensor<[1,9,bf16]> tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.multiply | tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[201,3072,f32]> tensor<[201,3072,f32]> tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[201,768,f32]> tensor<[201,768,f32]> tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2048,1280,f32]> tensor<[2048,1280,f32]> tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2048,256,f32]> tensor<[2048,256,f32]> tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2048,768,f32]> tensor<[2048,768,f32]> tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,f32]> tensor<[256,f32]> tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,10240,f32]> tensor<[256,10240,f32]> tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,1024,f32]> tensor<[256,1024,f32]> tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,1280,f32]> tensor<[256,1280,f32]> tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,1536,f32]> tensor<[256,1536,f32]> tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,160,f32]> tensor<[256,160,f32]> tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,256,f32]> tensor<[256,256,f32]> tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,2,f32]> tensor<[256,2,f32]> tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,32,f32]> tensor<[256,32,f32]> tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,4096,f32]> tensor<[256,4096,f32]> tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,512,f32]> tensor<[256,512,f32]> tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,6144,f32]> tensor<[256,6144,f32]> tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,64,f32]> tensor<[256,64,f32]> tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[256,768,f32]> tensor<[256,768,f32]> tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[257,2304,f32]> tensor<[257,2304,f32]> tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[257,3072,f32]> tensor<[257,3072,f32]> tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[257,768,f32]> tensor<[257,768,f32]> tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[25,2,f32]> tensor<[25,2,f32]> tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[25,3072,f32]> tensor<[25,3072,f32]> tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[25,768,f32]> tensor<[25,768,f32]> tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[27,30522,f32]> tensor<[27,30522,f32]> tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[27,38,f32]> tensor<[27,38,f32]> tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[27,50257,f32]> tensor<[27,50257,f32]> tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,f32]> tensor<[2,f32]> tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,1,bf16]> tensor<[2,1,bf16]> tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,1,1,13,f32]> tensor<[2,1,1,13,f32]> tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,7,2048,bf16]> tensor<[2,7,2048,bf16]> tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,7,2048,bf16]> tensor<[2,7,2048,bf16]> tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[300,128,f32]> tensor<[300,128,f32]> tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[300,2048,f32]> tensor<[300,2048,f32]> tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[300,320,f32]> tensor<[300,320,f32]> tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[300,512,f32]> tensor<[300,512,f32]> tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[300,64,f32]> tensor<[300,64,f32]> tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,3072,bf16]> tensor<[1,32,3072,bf16]> tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[3136,128,f32]> tensor<[3136,128,f32]> tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[3136,384,f32]> tensor<[3136,384,f32]> tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[3234,f32]> tensor<[3234,f32]> tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[3234,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[32,1536,f32]> tensor<[32,1536,f32]> tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[32,32,bf16]> tensor<[32,32,bf16]> tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[32,4608,f32]> tensor<[32,4608,f32]> tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[32,6144,f32]> tensor<[32,6144,f32]> tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[3584,f32]> tensor<[3584,f32]> tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,3584,bf16]> tensor<[1,13,3584,bf16]> tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[36,12,144,32,f32]> tensor<[36,12,144,32,f32]> tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[36,24,144,32,f32]> tensor<[36,24,144,32,f32]> tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,f32]> tensor<[4096,f32]> tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,4096,bf16]> tensor<[1,32,4096,bf16]> tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,1536,f32]> tensor<[4096,1536,f32]> tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,2560,f32]> tensor<[4096,2560,f32]> tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,256,f32]> tensor<[4096,256,f32]> tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,3072,f32]> tensor<[4096,3072,f32]> tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,320,f32]> tensor<[4096,320,f32]> tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,384,f32]> tensor<[4096,384,f32]> tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,64,f32]> tensor<[4096,64,f32]> tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4096,768,f32]> tensor<[4096,768,f32]> tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[45,3072,f32]> tensor<[45,3072,f32]> tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[45,45,bf16]> tensor<[45,45,bf16]> tensor<[45,45,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,45,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[45,768,f32]> tensor<[45,768,f32]> tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4800,128,f32]> tensor<[4800,128,f32]> tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4800,512,f32]> tensor<[4800,512,f32]> tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[484,6,144,32,f32]> tensor<[484,6,144,32,f32]> tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[49,1024,f32]> tensor<[49,1024,f32]> tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[49,3072,f32]> tensor<[49,3072,f32]> tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,13,1024,f32]> tensor<[4,13,1024,f32]> tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,16,49,32,bf16]> tensor<[4,16,49,32,bf16]> tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,48,144,32,f32]> tensor<[4,48,144,32,f32]> tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[50,3072,f32]> tensor<[50,3072,f32]> tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[50,768,f32]> tensor<[50,768,f32]> tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[51200,f32]> tensor<[51200,f32]> tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[512,f32]> tensor<[512,f32]> tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,512,bf16]> tensor<[1,10,512,bf16]> tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,512,bf16]> tensor<[1,15,512,bf16]> tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,512,bf16]> tensor<[1,1,512,bf16]> tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5184,1152,f32]> tensor<[5184,1152,f32]> tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5184,2304,f32]> tensor<[5184,2304,f32]> tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5184,384,f32]> tensor<[5184,384,f32]> tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5184,768,f32]> tensor<[5184,768,f32]> tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[52,1024,f32]> tensor<[52,1024,f32]> tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[576,1536,f32]> tensor<[576,1536,f32]> tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[576,4608,f32]> tensor<[576,4608,f32]> tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5,1024,f32]> tensor<[5,1024,f32]> tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5,4096,f32]> tensor<[5,4096,f32]> tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5,51200,f32]> tensor<[5,51200,f32]> tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5,5,bf16]> tensor<[5,5,bf16]> tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[64,10240,f32]> tensor<[64,10240,f32]> tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[64,1280,f32]> tensor<[64,1280,f32]> tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[64,4,49,32,bf16]> tensor<[64,4,49,32,bf16]> tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[65536,192,f32]> tensor<[65536,192,f32]> tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[65536,768,f32]> tensor<[65536,768,f32]> tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[69696,192,f32]> tensor<[69696,192,f32]> tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[69696,576,f32]> tensor<[69696,576,f32]> tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[6,1024,f32]> tensor<[6,1024,f32]> tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[6,4096,f32]> tensor<[6,4096,f32]> tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,bf16]> tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,bf16]> tensor<[1,197,768,bf16]> tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,bf16]> tensor<[1,1,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,f32]> tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[768,196,f32]> tensor<[768,196,f32]> tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[784,256,f32]> tensor<[784,256,f32]> tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[784,768,f32]> tensor<[784,768,f32]> tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[7,2304,f32]> tensor<[7,2304,f32]> tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[7,3072,f32]> tensor<[7,3072,f32]> tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[7,768,f32]> tensor<[7,768,f32]> tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[8,100,32,bf16]> tensor<[8,100,32,bf16]> tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[8,2048,f32]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[8,920,32,bf16]> tensor<[8,920,32,bf16]> tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[920,2048,f32]> tensor<[920,2048,f32]> tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[920,256,f32]> tensor<[920,256,f32]> tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,1024,f32]> tensor<[9,1024,f32]> tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,128,f32]> tensor<[9,128,f32]> tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,16384,f32]> tensor<[9,16384,f32]> tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,2048,f32]> tensor<[9,2048,f32]> tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,24,144,32,f32]> tensor<[9,24,144,32,f32]> tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,30000,f32]> tensor<[9,30000,f32]> tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,3072,f32]> tensor<[9,3072,f32]> tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,4096,f32]> tensor<[9,4096,f32]> tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,48,144,32,f32]> tensor<[9,48,144,32,f32]> tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,768,f32]> tensor<[9,768,f32]> tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[9,8192,f32]> tensor<[9,8192,f32]> tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,bf16]> tensor<[1,bf16]> tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,ui32]> tensor<[1,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,32,32,bf16]> tensor<[1,1280,32,32,bf16]> tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,8960,bf16]> tensor<[1,12,8960,bf16]> tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,13,18944,bf16]> tensor<[1,13,18944,bf16]> tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1920,16,16,bf16]> tensor<[1,1920,16,16,bf16]> tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1920,32,32,bf16]> tensor<[1,1920,32,32,bf16]> tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,8960,bf16]> tensor<[1,1,8960,bf16]> tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2560,16,16,bf16]> tensor<[1,2560,16,16,bf16]> tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2560,8,8,bf16]> tensor<[1,2560,8,8,bf16]> tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,32,32,bf16]> tensor<[1,320,32,32,bf16]> tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,11008,bf16]> tensor<[1,32,11008,bf16]> tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,128,128,bf16]> tensor<[1,32,128,128,bf16]> tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,8192,bf16]> tensor<[1,32,8192,bf16]> tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,640,16,16,bf16]> tensor<[1,640,16,16,bf16]> tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,640,64,64,bf16]> tensor<[1,640,64,64,bf16]> tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,64,64,bf16]> tensor<[1,64,64,64,bf16]> tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,32,32,bf16]> tensor<[1,960,32,32,bf16]> tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,960,64,64,bf16]> tensor<[1,960,64,64,bf16]> tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.multiply | tensor<[5,ui32]> tensor<[5,ui32]> tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,768,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.multiply | tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.ne
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.ne | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.ne | tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.ne | tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.ne | tensor<[8,2,ui32]> tensor<[8,2,ui32]> tensor<[8,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.neg | tensor<[1,12,1,64,bf16]> tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,16,16,bf16]> tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,7,32,bf16]> tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,24,32,64,bf16]> tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,28,13,64,bf16]> tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,2,12,64,bf16]> tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,2,1,64,bf16]> tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,32,32,64,bf16]> tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,4,13,64,bf16]> tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,5,16,16,bf16]> tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,71,7,32,bf16]> tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,8,32,64,bf16]> tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[3072,16,f32]> tensor<[3072,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[3072,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,10,10,bf16]> tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,14,14,bf16]> tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,16,16,bf16]> tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,201,bf16]> tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,2048,bf16]> tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,256,256,bf16]> tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,25,25,bf16]> tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,6,6,bf16]> tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[1,1,9,9,bf16]> tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[2,1,1,13,f32]> tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.neg | tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[4,1,1,13,f32]> tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.neg | tensor<[16,49,49,bf16]> tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.neg | tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.pad | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<545x12>>, padding: array<i32: 0, 0, 0, 4, 0, 4, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<680x5>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,144,151,151,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21744 + d1 * 151 + d2, d3), memory_config: (680, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<860x6>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,144,191,191,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27504 + d1 * 191 + d2, d3), memory_config: (860, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<266x2>>, padding: array<i32: 0, 0, 0, 0, 1, 2, 1, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,144,59,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8496 + d1 * 59 + d2, d3), memory_config: (266, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<284x2>>, padding: array<i32: 0, 0, 0, 0, 1, 2, 1, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,144,63,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9072 + d1 * 63 + d2, d3), memory_config: (284, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<311x3>>, padding: array<i32: 0, 0, 0, 0, 2, 2, 2, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,144,69,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9936 + d1 * 69 + d2, d3), memory_config: (311, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, padding: array<i32: 0, 0, 0, 0, 0, 0, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<18x48>>, padding: array<i32: 0, 0, 0, 8, 0, 8, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<474x3>>, padding: array<i32: 0, 0, 0, 0, 2, 2, 2, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,192,79,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15168 + d1 * 79 + d2, d3), memory_config: (474, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<594x4>>, padding: array<i32: 0, 0, 0, 0, 2, 2, 2, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,192,99,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19008 + d1 * 99 + d2, d3), memory_config: (594, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<218x1>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,240,29,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6960 + d1 * 29 + d2, d3), memory_config: (218, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<233x1>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,240,31,31,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7440 + d1 * 31 + d2, d3), memory_config: (233, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<2178x6>>, padding: array<i32: 0, 0, 0, 8, 0, 8, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<315x2>>, padding: array<i32: 0, 0, 0, 0, 1, 1, 1, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,288,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 35 + d2, d3), memory_config: (315, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<351x2>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,288,39,39,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 39 + d2, d3), memory_config: (351, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<25x8>>, padding: array<i32: 0, 0, 0, 0, 0, 0, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<41x48>>, padding: array<i32: 0, 0, 0, 4, 0, 4, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<41x24>>, padding: array<i32: 0, 0, 0, 4, 0, 4, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<515x2>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,336,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16464 + d1 * 49 + d2, d3), memory_config: (515, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<22x8>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,3,225,225,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 675 + d1 * 225 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,3,240,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 240 + d2, d3), memory_config: (23, 8, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<23x8>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,3,241,241,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 723 + d1 * 241 + d2, d3), memory_config: (23, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,3,260,260,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 260 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<25x9>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,3,261,261,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 783 + d1 * 261 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,3,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 300 + d2, d3), memory_config: (29, 10, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<29x10>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,3,301,301,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 903 + d1 * 301 + d2, d3), memory_config: (29, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,3,380,380,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 380 + d2, d3), memory_config: (36, 12, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<36x12>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,3,381,381,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1143 + d1 * 381 + d2, d3), memory_config: (36, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<98x4>>, padding: array<i32: 0, 0, 0, 0, 0, 0, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<162x12>>, padding: array<i32: 0, 0, 0, 8, 0, 8, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<162x24>>, padding: array<i32: 0, 0, 0, 8, 0, 8, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<357x1>>, padding: array<i32: 0, 0, 0, 0, 1, 2, 1, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,672,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 17 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<399x1>>, padding: array<i32: 0, 0, 0, 0, 2, 2, 2, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,672,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 19 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<473x1>>, padding: array<i32: 0, 0, 0, 0, 2, 2, 2, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,720,21,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15120 + d1 * 21 + d2, d3), memory_config: (473, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<2x32>>, padding: array<i32: 0, 0, 0, 0, 0, 0, 0, 0> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<587x1>>, padding: array<i32: 0, 0, 0, 0, 2, 2, 2, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,816,23,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18768 + d1 * 23 + d2, d3), memory_config: (587, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<810x1>>, padding: array<i32: 0, 0, 0, 0, 1, 2, 1, 2> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,960,27,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25920 + d1 * 27 + d2, d3), memory_config: (810, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<339x4>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,96,113,113,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10848 + d1 * 113 + d2, d3), memory_config: (339, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<363x4>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,96,121,121,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11616 + d1 * 121 + d2, d3), memory_config: (363, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pad | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | memory_config: #ttnn.memory_config<#dram, <<393x5>>, padding: array<i32: 0, 0, 0, 0, 0, 1, 0, 1> use_multicore: True value: 0.000000e+00 : f32 | tensor<[1,96,131,131,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12576 + d1 * 131 + d2, d3), memory_config: (393, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.permute | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 128 + d2, d3), memory_config: (4096, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17408 + d1 * 17 + d2, d3), memory_config: (544, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,45,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 524288 + d1 * 512 + d2, d3), memory_config: (16384, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 512 + d2, d3), memory_config: (4096, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,102,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5712 + d1 * 56 + d2, d3), memory_config: (179, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,102,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1056,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 33, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1056,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 33, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1072,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7504 + d1 * 7 + d2, d3), memory_config: (235, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,462,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 35, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 35, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,224,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 37, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 37, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,118,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 28 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,118,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1216,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1216,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,122,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3416 + d1 * 28 + d2, d3), memory_config: (107, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,122,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,352,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,124,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 56 + d2, d3), memory_config: (217, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,124,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,40,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,40,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 120 + d2, d3), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,180,320,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 224 + d2, d3), memory_config: (896, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 30 + d2, d3), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,40,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 15 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,12,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1312,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 41, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1312,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 41, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 79, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1376,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 43, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1376,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 43, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 116, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1408,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1408,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,142,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7952 + d1 * 56 + d2, d3), memory_config: (249, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,142,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 45, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,151,151,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21744 + d1 * 151 + d2, d3), memory_config: (680, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,151,151,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22801 + d1 * 151 + d2, d3), memory_config: (713, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,191,191,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27504 + d1 * 191 + d2, d3), memory_config: (860, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,191,191,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36481 + d1 * 191 + d2, d3), memory_config: (1141, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,95,95,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,30,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,33,33,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,59,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8496 + d1 * 59 + d2, d3), memory_config: (266, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,59,59,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3481 + d1 * 59 + d2, d3), memory_config: (109, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,63,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9072 + d1 * 63 + d2, d3), memory_config: (284, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,63,63,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3969 + d1 * 63 + d2, d3), memory_config: (125, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,30,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,69,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9936 + d1 * 69 + d2, d3), memory_config: (311, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,69,69,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4761 + d1 * 69 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,33,33,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,18,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,95,95,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1472,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 46, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1472,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 46, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1504,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1504,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,152,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 28 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1568,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 49, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1568,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 49, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,156,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 14 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,156,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1600,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 50, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1600,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 50, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 16 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 3 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11680 + d1 * 73 + d2, d3), memory_config: (365, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,73,73,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 14, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,448,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1664,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 52, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1664,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 52, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 53, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 53, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,120,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,120,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,130,130,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,130,130,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,48,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 54, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 54, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,172,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4816 + d1 * 28 + d2, d3), memory_config: (151, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,172,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1760,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 55, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1760,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 55, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,1792,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 56, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1792,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 56, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1824,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 57, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.permute | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1856,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 58, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,185,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,1888,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 59, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,48,48,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13632 + d1 * 71 + d2, d3), memory_config: (426, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,71,71,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,79,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15168 + d1 * 79 + d2, d3), memory_config: (474, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,79,79,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6241 + d1 * 79 + d2, d3), memory_config: (196, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,99,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19008 + d1 * 99 + d2, d3), memory_config: (594, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,99,99,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9801 + d1 * 99 + d2, d3), memory_config: (307, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,48,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 28 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 28 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,26,26,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,20,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,20,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,23,40,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5888 + d1 * 23 + d2, d3), memory_config: (184, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,218,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6104 + d1 * 28 + d2, d3), memory_config: (191, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,218,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 22, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,236,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3304 + d1 * 14 + d2, d3), memory_config: (104, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,236,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,29,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6960 + d1 * 29 + d2, d3), memory_config: (218, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,29,29,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 841 + d1 * 29 + d2, d3), memory_config: (27, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,31,31,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7440 + d1 * 31 + d2, d3), memory_config: (233, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,31,31,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 961 + d1 * 31 + d2, d3), memory_config: (31, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,190,190,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,190,190,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 112 + d2, d3), memory_config: (896, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,150,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 128 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,180,320,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 180 + d2, d3), memory_config: (720, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 2 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,546,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 2 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,546,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1638 + d1 * 3 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 512 + d2, d3), memory_config: (4096, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 524288 + d1 * 512 + d2, d3), memory_config: (16384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,90,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 45 + d2, d3), memory_config: (360, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,262,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7336 + d1 * 28 + d2, d3), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,262,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,276,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7728 + d1 * 28 + d2, d3), memory_config: (242, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,276,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 35 + d2, d3), memory_config: (315, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,288,39,39,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 39 + d2, d3), memory_config: (351, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,39,39,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1521 + d1 * 39 + d2, d3), memory_config: (48, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,296,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 28 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,296,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,134,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,304,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4256 + d1 * 14 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,304,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,13,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,11,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,13,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,16,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 16 + d2, d3), memory_config: (1536, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,17,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52224 + d1 * 17 + d2, d3), memory_config: (1632, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,18,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 55296 + d1 * 18 + d2, d3), memory_config: (1728, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,6,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,6,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,11,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,310,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8680 + d1 * 28 + d2, d3), memory_config: (272, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,310,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,20,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 15 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,20,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,4,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 64 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,328,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 28 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,328,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,120,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,160,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,160,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,130,130,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,147,147,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,147,147,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,149,149,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (694, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,147,147,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,190,190,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,26,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 * 26 + d2, d3), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,26,26,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,40,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,40,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,512,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,80,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,80,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16464 + d1 * 49 + d2, d3), memory_config: (515, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,49,49,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2401 + d1 * 49 + d2, d3), memory_config: (76, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.permute | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,352,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,9,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,360,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5040 + d1 * 14 + d2, d3), memory_config: (158, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,360,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,368,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 28 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,368,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 14, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 1024 + d2, d3), memory_config: (96, 32, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1024,1024,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1048576 + d1 * 1024 + d2, d3), memory_config: (32768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 7 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,225,225,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 675 + d1 * 225 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,225,225,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50625 + d1 * 225 + d2, d3), memory_config: (1583, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,241,241,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 723 + d1 * 241 + d2, d3), memory_config: (23, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,241,241,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58081 + d1 * 241 + d2, d3), memory_config: (1816, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 256 + d2, d3), memory_config: (24, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,261,261,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 783 + d1 * 261 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,261,261,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68121 + d1 * 261 + d2, d3), memory_config: (2129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,299,299,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 897 + d1 * 299 + d2, d3), memory_config: (29, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,299,299,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 299 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,149,149,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (694, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,299,299,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 897 + d1 * 299 + d2, d3), memory_config: (29, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,299,299,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 299 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,301,301,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 903 + d1 * 301 + d2, d3), memory_config: (29, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,301,301,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90601 + d1 * 301 + d2, d3), memory_config: (2832, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,320,320,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 320 + d2, d3), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,320,320,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102400 + d1 * 320 + d2, d3), memory_config: (3200, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 32 + d2, d3), memory_config: (3, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,128,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,32,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,381,381,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1143 + d1 * 381 + d2, d3), memory_config: (36, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,381,381,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 145161 + d1 * 381 + d2, d3), memory_config: (4537, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,384,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 384 + d2, d3), memory_config: (36, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,384,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196608 + d1 * 512 + d2, d3), memory_config: (6144, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,16,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,12,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 12 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 480 + d2, d3), memory_config: (45, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,480,640,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 16, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,512,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,512,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,512,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,512,672,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 344064 + d1 * 672 + d2, d3), memory_config: (10752, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,42,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (42, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,32,42,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 32 + d2, d3), memory_config: (192, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,518,518,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1554 + d1 * 518 + d2, d3), memory_config: (49, 17, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,518,518,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 268324 + d1 * 518 + d2, d3), memory_config: (8386, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,37,37,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,37,37,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47360 + d1 * 37 + d2, d3), memory_config: (1480, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,720,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,720,1280,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 921600 + d1 * 1280 + d2, d3), memory_config: (28800, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,360,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,416,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 13, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,416,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 13, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,428,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5992 + d1 * 14 + d2, d3), memory_config: (188, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,428,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,448,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,12,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,448,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 56 + d2, d3), memory_config: (784, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,466,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13048 + d1 * 28 + d2, d3), memory_config: (408, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,466,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 10 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 18, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,546,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5460 + d1 * 10 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,56,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 112 + d2, d3), memory_config: (168, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,48,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,12,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 64 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,20,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,1000,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1000,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47104 + d1 * 23 + d2, d3), memory_config: (1472, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,19,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 532 + d1 * 28 + d2, d3), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,38,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1064 + d1 * 28 + d2, d3), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 45 + d2, d3), memory_config: (720, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,45,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11776 + d1 * 23 + d2, d3), memory_config: (368, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,5,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 5 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,5,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,546,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2730 + d1 * 5 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,45,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 45 + d2, d3), memory_config: (1440, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 90 + d2, d3), memory_config: (360, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 90 + d2, d3), memory_config: (1440, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,90,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,90,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 90 + d2, d3), memory_config: (720, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 14 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 14 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 14 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 14 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,544,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,544,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,54,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3024 + d1 * 56 + d2, d3), memory_config: (95, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,56,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 18, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,608,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 19, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,62,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1736 + d1 * 28 + d2, d3), memory_config: (55, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 7 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,160,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,147,147,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,73,73,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 180 + d2, d3), memory_config: (1440, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,40,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,480,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,640,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,480,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,80,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 16 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,71,71,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (158, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,654,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9156 + d1 * 14 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,654,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,56,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 17 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 19 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 20 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 18, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,546,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10920 + d1 * 20 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.permute | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 42, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,704,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,720,21,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15120 + d1 * 21 + d2, d3), memory_config: (473, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,21,21,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 441 + d1 * 21 + d2, d3), memory_config: (14, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,9,9,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,12,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,736,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,736,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 28 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,736,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,740,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10360 + d1 * 14 + d2, d3), memory_config: (324, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,740,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,334,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 197376 + d1 * 257 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,257,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,257,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,27,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6939 + d1 * 257 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 197376 + d1 * 257 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,257,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,257,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 197376 + d1 * 257 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,3000,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304000 + d1 * 3000 + d2, d3), memory_config: (72000, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3000,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (94, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1500,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,1500,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152000 + d1 * 1500 + d2, d3), memory_config: (36000, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 7 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,782,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5474 + d1 * 7 + d2, d3), memory_config: (172, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,782,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,78,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4368 + d1 * 56 + d2, d3), memory_config: (137, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,800,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 25, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,800,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5600 + d1 * 7 + d2, d3), memory_config: (175, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,800,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,100,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,100,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,3000,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240000 + d1 * 3000 + d2, d3), memory_config: (7500, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3000,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (94, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3000,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (94, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,768,3000,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304000 + d1 * 3000 + d2, d3), memory_config: (72000, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,10,10,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,816,23,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18768 + d1 * 23 + d2, d3), memory_config: (587, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,23,23,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 529 + d1 * 23 + d2, d3), memory_config: (17, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,10,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 26, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,864,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 27, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,896,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 28, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,928,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,928,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,94,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2632 + d1 * 28 + d2, d3), memory_config: (83, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,12,12,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,27,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25920 + d1 * 27 + d2, d3), memory_config: (810, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,27,27,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 729 + d1 * 27 + d2, d3), memory_config: (23, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,113,113,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10848 + d1 * 113 + d2, d3), memory_config: (339, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,113,113,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12769 + d1 * 113 + d2, d3), memory_config: (400, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,121,121,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11616 + d1 * 121 + d2, d3), memory_config: (363, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,121,121,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14641 + d1 * 121 + d2, d3), memory_config: (458, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,60,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,131,131,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12576 + d1 * 131 + d2, d3), memory_config: (393, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,131,131,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17161 + d1 * 131 + d2, d3), memory_config: (537, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,65,65,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,208,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,60,60,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,65,65,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,992,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 31, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,7,7,992,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 31, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13632 + d1 * 71 + d2, d3), memory_config: (426, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,71,71,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 35 + d2, d3), memory_config: (420, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 14 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,4,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 7 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,147,147,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 24 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,24,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 12 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,360,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 360 + d2, d3), memory_config: (720, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,360,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,180,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 180 + d2, d3), memory_config: (360, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,14,14,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,832,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 7 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[121,144,3,6,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2592 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[16,49,3,8,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1176 + d1 * 24 + d2 * 8 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,160,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (5, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,5,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 5 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,5,1024,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,11,11,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,11,12,11,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,11,11,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,11,12,11,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,11,12,11,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,11,11,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,11,12,11,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,11,11,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,320,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (10, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1200,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 5 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,5,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,1369,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1280 + d1, d2), memory_config: (40, 43, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1369,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1369 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,300,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,197,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 12 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,201,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,201,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 12 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,45,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,45,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 12 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1445,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 3 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,3,1445,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,20,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,512,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (5, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16384,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,32,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,1370,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 1, 3> | tensor<[1370,1,16,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,197,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 16 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,32,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,32,16,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19200,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,64,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,197,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 12 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,197,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 16 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16384,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,19200,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,1,7,1,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 7 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,768,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 768 + d2, d3), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 3, 0, 2, 1> | tensor<[257,1,768,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 768 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,7,1,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 7 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,1,1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,201,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 12 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,201,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 8 + d2, d3), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,2048,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 8 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,2048,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,22,12,22,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 264 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,22,22,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,22,22,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,22,12,22,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 264 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,2,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,2,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 256 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,512,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,5,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,5,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 256 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,8,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,256,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 29, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 1> | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,257,3,12,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 9252 + d1 * 36 + d2 * 12 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,257,768,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 197376 + d1 * 768 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 2, 1> | tensor<[1,1,768,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 768 + d2, d3), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,25,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,27,1,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 3, 0, 2> | tensor<[27,257,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,27,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6939 + d1 * 257 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,27,1,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,12,2,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 24 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,2,2,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,2,12,2,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 24 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,2,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,2,7,2,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 14 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,4096,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,4096,2,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 2 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,4800,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 2 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,7,2,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 14 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,2,2,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,300,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 300 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,300,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 2 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,2,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 300 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,300,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 * 5 + d2, d3), memory_config: (47, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,5,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 * 300 + d2, d3), memory_config: (47, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,300,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 8 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,300,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,12,3,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,3,3,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,12,3,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,3,3,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,1445,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1445,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 3 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,16,16,16,16,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 256 + d3 * 16 + d4, d5), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 4, 3, 5, 1> | tensor<[1,16,16,16,16,3,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 65536 + d1 * 4096 + d2 * 256 + d3 * 16 + d4, d5), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,3,12,3,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,3,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,3,12,3,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,85,16,16,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 4080 + d1 * 1360 + d2 * 16 + d3, d4), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 4, 2> | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,85,32,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 8160 + d1 * 2720 + d2 * 32 + d3, d4), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 4, 2> | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,85,64,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16320 + d1 * 5440 + d2 * 64 + d3, d4), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 4, 2> | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4096,2,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 2 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,2,4096,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,64,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,45,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 12 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,45,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,128,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 150, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4800,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 2 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,2,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,49,3,32,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 4704 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4,4,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,4,7,4,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 28 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4,7,4,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 28 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,4,4,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,1024,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1024,5,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 5 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1200,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 5 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 3, 1> | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,12,6,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,6,6,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,12,6,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,6,6,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,4,10,10,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 40 + d2 * 10 + d3, d4), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,10,10,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 600 + d1 * 60 + d2 * 6 + d3, d4), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,4,1,1,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 4 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,1,1,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6 + d1 * 6 + d2 * 6 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,4,20,20,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 480 + d1 * 80 + d2 * 20 + d3, d4), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,20,20,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2400 + d1 * 120 + d2 * 6 + d3, d4), memory_config: (75, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,4,2,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 48 + d1 * 8 + d2 * 2 + d3, d4), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,2,2,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 12 + d2 * 6 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,4,3,3,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 72 + d1 * 12 + d2 * 3 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,3,3,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 54 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,4,5,5,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 120 + d1 * 20 + d2 * 5 + d3, d4), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,5,5,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 150 + d1 * 30 + d2 * 6 + d3, d4), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,6,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,6,12,6,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,6,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,6,12,6,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,91,10,10,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 5460 + d1 * 910 + d2 * 10 + d3, d4), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,10,10,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 600 + d1 * 60 + d2 * 6 + d3, d4), memory_config: (19, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,91,1,1,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 546 + d1 * 91 + d2 + d3, d4), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,1,1,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6 + d1 * 6 + d2 * 6 + d3, d4), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,91,20,20,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 10920 + d1 * 1820 + d2 * 20 + d3, d4), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,20,20,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2400 + d1 * 120 + d2 * 6 + d3, d4), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,91,2,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1092 + d1 * 182 + d2 * 2 + d3, d4), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,2,2,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 12 + d2 * 6 + d3, d4), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,91,3,3,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1638 + d1 * 273 + d2 * 3 + d3, d4), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,3,3,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 54 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (2, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,91,5,5,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2730 + d1 * 455 + d2 * 5 + d3, d4), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 3, 4, 1, 2> | tensor<[1,5,5,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 150 + d1 * 30 + d2 * 6 + d3, d4), memory_config: (5, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,7,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,2048,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,2048,8,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 8 + d2, d3), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,256,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,300,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 8 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,7,8,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 56 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,8,8,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 3, 1, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2, 4, 5> | tensor<[1,8,7,8,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 56 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,9,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 64 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,64,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[27,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 3, 1> | tensor<[1,27,768,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20736 + d1 * 768 + d2, d3), memory_config: (648, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[2,128,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,7,2,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 2 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[2,2,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[36,144,3,12,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 5184 + d1 * 36 + d2 * 12 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[36,144,3,24,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 10368 + d1 * 72 + d2 * 24 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[484,144,3,6,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2592 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,144,3,48,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 20736 + d1 * 144 + d2 * 48 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,49,3,16,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2352 + d1 * 48 + d2 * 16 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,7,4,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 4 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[4,4,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[64,49,3,4,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 588 + d1 * 12 + d2 * 4 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[8,7,8,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 8 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[8,8,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[9,144,3,24,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 10368 + d1 * 72 + d2 * 24 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[9,144,3,48,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 20736 + d1 * 144 + d2 * 48 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 2, 0, 3, 1, 4> | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1024,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1024,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1024,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3072,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1024,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[4096,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1024,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[512,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[11008,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (344, 128, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[4096,11008,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 344, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[121,12,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 32 + d2, d3), memory_config: (1452, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[121,144,12,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 12 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[121,6,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 32 + d2, d3), memory_config: (726, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[121,144,6,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 6 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[128256,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4008, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3072,128256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 4008, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[128,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3072,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1370,16,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0, 2> | tensor<[16,1370,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0, 2> | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[151936,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4748, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1536,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1536,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1536,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1536,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3072,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1536,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 280, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[8960,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (280, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[16,32,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[16,96,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 96 + d1, d2), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[16,8,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[16,49,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 8 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[18944,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (592, 112, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3584,18944,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 592, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,196,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,196,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,640,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 640 + d1, d2), memory_config: (20, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1024,8,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 8 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,1024,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,10,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,11,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1280,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1280 + d1, d2), memory_config: (40, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,120,14,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,120,28,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1280 + d1, d2), memory_config: (40, 38, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1280,32,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,8,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1280,16,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 512, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,128,64,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,128,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 150, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,10,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 132 + d1 * 11 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,14,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,14,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,1500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1500,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 12 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,15,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,16,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,17,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,18,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,197,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 12 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,19,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,201,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,20,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,21,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 21 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,22,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 264 + d1 * 22 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,23,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 276 + d1 * 23 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,24,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 24 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,257,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 12 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,25,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,25,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,26,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 312 + d1 * 26 + d2, d3), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,27,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 324 + d1 * 27 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,28,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 28 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.permute | tensor<[1,12,29,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 * 29 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,2,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,45,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,46,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,47,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,48,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,49,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,50,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 12 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,51,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,52,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,53,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,54,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,55,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,56,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,57,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,58,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,59,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,60,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,61,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,62,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,63,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,65,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,66,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,67,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,68,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,69,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,70,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,71,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,72,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,73,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,74,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,75,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,76,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,77,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,78,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,79,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,7,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,81,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,82,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,83,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,84,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,85,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,86,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,87,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,88,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,89,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,90,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,91,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,92,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,93,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,94,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,95,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,96,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,97,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,98,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,99,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1188 + d1 * 99 + d2, d3), memory_config: (38, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,9,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,12,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0, 2> | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1370,16,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 16 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,1370,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1370,1,3,1280,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 4110 + d1 * 3 + d2 * 3 + d3, d4), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 3, 1, 2, 0, 4> | tensor<[3,1370,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1370 + d1 + d2 + d3, d4), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,13,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 28 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,13,4,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 4 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,13,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1445,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 3 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,3,1445,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,14,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1500,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 12 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,1500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 16 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1536,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 16 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 16 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1536,32,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,64,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1536,32,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1536,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1536,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,15,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,160,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (5, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,128,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,192,16384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,10,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,11,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,11,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,1370,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1370,16,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 16 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,15,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,15,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,17,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,17,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,18,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,18,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,19,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,19,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,20,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,20,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,21,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,21,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,22,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,22,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,23,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,23,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,24,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,24,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,256,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,26,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,27,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,28,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,29,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 464 + d1 * 29 + d2, d3), memory_config: (15, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,5,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,8,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,8,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,9,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,9,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,9,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,16,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,184,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,18,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,28,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,18,56,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,7,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,18,56,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,18,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,18,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,128,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,192,256,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,1344,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 42, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1344,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1344 + d1, d2), memory_config: (42, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,16384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 512, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,192,65536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 2048, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,768,196,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,197,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 12 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,2,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 300 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,384,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 384 + d2, d3), memory_config: (12, 16, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1,512,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,512,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1,12,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,6,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,1,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,1,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,200,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2048,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,240,14,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,240,28,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,32,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 24 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,128,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,32,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 600, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,768,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,25,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,13,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 28 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 256 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,2,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 32 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,2,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 300 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,2,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 64 + d2, d3), memory_config: (4, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,2048,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,320,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (10, 38, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,16,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,32,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 24 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,32,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,49,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 32 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,32,8,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 8 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,14,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,36,28,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,7,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,36,28,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,36,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,36,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,384,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,256,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,384,32,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 32 + d2, d3), memory_config: (384, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,64,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,384,128,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 128 + d2, d3), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,384,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,384,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 1024 + d2, d3), memory_config: (96, 32, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,3,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 1024 + d2, d3), memory_config: (96, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,1024,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 1024 + d2, d3), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,3,512,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,1445,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1445,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 3 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,3,320,320,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 320 + d2, d3), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,3,320,320,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 320 + d2, d3), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4096,8,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 8 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,4096,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,512,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 150, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,480,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,50,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 12 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[512,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,512,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 150, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 256 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,5,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 32 + d2, d3), memory_config: (5, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,5,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 * 300 + d2, d3), memory_config: (47, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,5,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 64 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 640 + d1, d2), memory_config: (20, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,640,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,640,64,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,160,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,12,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,20,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 20 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,160,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,240,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 240 + d2, d3), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 600, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,20,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 20 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,30,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,240,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 240 + d2, d3), memory_config: (480, 10, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,320,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 320 + d2, d3), memory_config: (640, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,40,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 40 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,320,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 320 + d2, d3), memory_config: (640, 15, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,480,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,32,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,40,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 40 + d2, d3), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,60,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,80,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,80,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,120,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 8 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,64,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,64,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,9,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 64 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,192,65536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 2048, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,672,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 10 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 66 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 * 13 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 14 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,15,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102 + d1 * 17 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 18 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 114 + d1 * 19 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 20 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 5 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,6,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 9 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,6,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,28,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,72,56,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,72,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,72,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,72,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,768,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,768,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 6, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,192,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,196,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,256,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,768,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,32,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,768,64,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 64 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,768,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,49,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,7,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1024,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1024,8,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 8 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,10,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 104 + d1 * 13 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 14 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 15 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 16 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 * 17 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 18 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 152 + d1 * 19 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,1,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,2048,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,32,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 20 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,4096,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,4096,8,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 8 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,64,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,64,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 8 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,9,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 5, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,9,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,8,9,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 3, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,960,3,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[1,960,7,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,9,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 64 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,64,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 8 + d2, d3), memory_config: (3, 5, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,9,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,8,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,9,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[1,9,8,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 8 + d2, d3), memory_config: (3, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[1,8,9,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[256,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1536,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,12,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[2,13,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,12,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[2,12,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,13,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[2,12,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3584,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,4,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | permutation: array<i64: 1, 0, 2> | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,7,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[2,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[2,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[2,7,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[3072,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1024,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[3072,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3072,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[3072,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 256, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[8192,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (256, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[3072,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[96,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[32000,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1000, 128, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[4096,32000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 1000, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[3584,18944,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 592, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[18944,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (592, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[3584,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 112, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3584,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[36,12,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 32 + d2, d3), memory_config: (432, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[36,144,12,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 12 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[36,24,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[36,144,24,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 24 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4096,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1024,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[4096,11008,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 344, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[11008,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (344, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[4096,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 128, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[4096,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[484,6,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 32 + d2, d3), memory_config: (2904, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[484,144,6,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 6 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,13,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 16 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[4,16,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[4,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[4,16,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (64, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[4,49,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 16 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[4,48,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 32 + d2, d3), memory_config: (192, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[4,144,48,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 48 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[50272,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1571, 16, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[512,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[50280,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1572, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1536,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[51200,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1600, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1024,51200,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[512,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1024,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[512,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 112, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3584,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[6144,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (192, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1536,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[64,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[64,64,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[64,4,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 32 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[64,49,4,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 4 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[6,100,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[8192,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (256, 96, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[3072,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[8960,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (280, 48, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0> | tensor<[1536,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[8,32,100,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[8,100,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0, 2> | tensor<[100,8,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 0, 2, 1> | tensor<[8,32,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0, 2> | tensor<[920,8,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[920,8,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | permutation: array<i64: 1, 0, 2> | tensor<[8,920,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.permute | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[9,24,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (216, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[9,144,24,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 24 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 1, 3, 2> | tensor<[9,48,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 32 + d2, d3), memory_config: (432, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.permute | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | permutation: array<i64: 0, 2, 1, 3> | tensor<[9,144,48,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 48 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.pow | tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,10,512,f32]> tensor<[1,10,512,f32]> tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,13,3584,f32]> tensor<[1,13,3584,f32]> tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,15,512,f32]> tensor<[1,15,512,f32]> tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,bf16]> tensor<[1,1,bf16]> tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,1536,f32]> tensor<[1,1,1536,f32]> tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,512,f32]> tensor<[1,1,512,f32]> tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,32,3072,f32]> tensor<[1,32,3072,f32]> tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,32,4096,f32]> tensor<[1,32,4096,f32]> tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,512,bf16]> tensor<[1,512,bf16]> tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.pow | tensor<[2,1,bf16]> tensor<[2,1,bf16]> tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.pow | tensor<[2,512,bf16]> tensor<[2,512,bf16]> tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.prod | tensor<[1,12,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1500,1500,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,25,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,50,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,50,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,12,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,12,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1370,1370,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1370,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 43, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,16,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,16,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,24,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,24,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,28,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,28,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,32,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,3,1445,1445,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,3,1445,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 46, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,64,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,64,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,71,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,71,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 71 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,1024,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,1024,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,256,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,4096,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,4096,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[1,8,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[1,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[2,8,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[2,8,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.prod | tensor<[4,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | all_dimensions: False dim_arg: 3 : i64 keep_dim: False | tensor<[4,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 1 : i32] | tensor<[1,12,12,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 1 : i32] | tensor<[1,12,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 14 : i32, 1 : i32] | tensor<[1,12,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 14 : i32, 1 : i32] | tensor<[1,12,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 47, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1500 : i32, 1 : i32] | tensor<[1,12,1500,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 47, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1500 : i32, 1 : i32] | tensor<[1,12,1500,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 16 : i32, 1 : i32] | tensor<[1,12,16,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 16 : i32, 1 : i32] | tensor<[1,12,16,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 197 : i32, 1 : i32] | tensor<[1,12,197,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 197 : i32, 1 : i32] | tensor<[1,12,197,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 25 : i32, 1 : i32] | tensor<[1,12,25,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,25,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 25 : i32, 1 : i32] | tensor<[1,12,25,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 50 : i32, 1 : i32] | tensor<[1,12,50,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,50,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 50 : i32, 1 : i32] | tensor<[1,12,50,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 7 : i32, 1 : i32] | tensor<[1,12,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 7 : i32, 1 : i32] | tensor<[1,12,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 9 : i32, 1 : i32] | tensor<[1,12,9,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 9 : i32, 1 : i32] | tensor<[1,12,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 43, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1370 : i32, 1 : i32] | tensor<[1,16,1370,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1370,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 43, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1370 : i32, 1 : i32] | tensor<[1,16,1370,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 256 : i32, 1 : i32] | tensor<[1,16,256,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 256 : i32, 1 : i32] | tensor<[1,16,256,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 6 : i32, 1 : i32] | tensor<[1,16,6,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 6 : i32, 1 : i32] | tensor<[1,16,6,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 9 : i32, 1 : i32] | tensor<[1,16,9,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 9 : i32, 1 : i32] | tensor<[1,16,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 32 : i32, 1 : i32] | tensor<[1,24,32,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 24 : i32, 32 : i32, 1 : i32] | tensor<[1,24,32,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 13 : i32, 1 : i32] | tensor<[1,28,13,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 13 : i32, 1 : i32] | tensor<[1,28,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 1 : i32] | tensor<[1,32,32,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 1 : i32] | tensor<[1,32,32,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 46, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 1445 : i32, 1 : i32] | tensor<[1,3,1445,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,1445,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 46, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3 : i32, 1445 : i32, 1 : i32] | tensor<[1,3,1445,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 9 : i32, 1 : i32] | tensor<[1,64,9,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 9 : i32, 1 : i32] | tensor<[1,64,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 71 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 71 : i32, 7 : i32, 1 : i32] | tensor<[1,71,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 71 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 71 : i32, 7 : i32, 1 : i32] | tensor<[1,71,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1024 : i32, 1 : i32] | tensor<[1,8,1024,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1024 : i32, 1 : i32] | tensor<[1,8,1024,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1024 : i32, 1 : i32] | tensor<[1,8,1024,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1024 : i32, 1 : i32] | tensor<[1,8,1024,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 1 : i32] | tensor<[1,8,256,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 1 : i32] | tensor<[1,8,256,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 1 : i32] | tensor<[1,8,256,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 1 : i32] | tensor<[1,8,256,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 4096 : i32, 1 : i32] | tensor<[1,8,4096,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 4096 : i32, 1 : i32] | tensor<[1,8,4096,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 4096 : i32, 1 : i32] | tensor<[1,8,4096,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 4096 : i32, 1 : i32] | tensor<[1,8,4096,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 64 : i32, 1 : i32] | tensor<[1,8,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 64 : i32, 1 : i32] | tensor<[1,8,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 64 : i32, 1 : i32] | tensor<[1,8,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 64 : i32, 1 : i32] | tensor<[1,8,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,8,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 8 : i32, 7 : i32, 1 : i32] | tensor<[2,8,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,8,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 8 : i32, 7 : i32, 1 : i32] | tensor<[2,8,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[4,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,6,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (23, 5, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 6 : i32, 144 : i32, 1 : i32] | tensor<[121,6,144,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,8,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 8 : i32, 49 : i32, 1 : i32] | tensor<[16,8,49,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 10 : i32, 1 : i32] | tensor<[1,12,10,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 197 : i32, 1 : i32] | tensor<[1,12,197,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,201,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 201 : i32, 1 : i32] | tensor<[1,12,201,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 257 : i32, 1 : i32] | tensor<[1,12,257,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 45 : i32, 1 : i32] | tensor<[1,12,45,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 8 : i32, 1 : i32] | tensor<[1,12,8,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 10 : i32, 1 : i32] | tensor<[1,16,10,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 197 : i32, 1 : i32] | tensor<[1,16,197,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 32 : i32, 1 : i32] | tensor<[1,16,32,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 5 : i32, 1 : i32] | tensor<[1,16,5,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 1 : i32] | tensor<[1,1,16384,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 600, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 1 : i32] | tensor<[1,1,19200,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 27 : i32, 1 : i32] | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32, 4096 : i32, 1 : i32] | tensor<[1,2,4096,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,4800,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 150, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32, 4800 : i32, 1 : i32] | tensor<[1,2,4800,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 49 : i32, 1 : i32] | tensor<[1,32,49,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5 : i32, 1024 : i32, 1 : i32] | tensor<[1,5,1024,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 38, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5 : i32, 1200 : i32, 1 : i32] | tensor<[1,5,1200,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 15 : i32, 1 : i32] | tensor<[1,6,15,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 10 : i32, 1 : i32] | tensor<[1,8,10,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 2048 : i32, 1 : i32] | tensor<[1,8,2048,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 1 : i32] | tensor<[1,8,256,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 1 : i32] | tensor<[1,8,256,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,300,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 300 : i32, 1 : i32] | tensor<[1,8,300,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,12,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 12 : i32, 13 : i32, 1 : i32] | tensor<[2,12,13,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (14, 5, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 144 : i32, 1 : i32] | tensor<[36,12,144,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,24,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (27, 5, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 24 : i32, 144 : i32, 1 : i32] | tensor<[36,24,144,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,6,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (91, 5, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 6 : i32, 144 : i32, 1 : i32] | tensor<[484,6,144,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 16 : i32, 49 : i32, 1 : i32] | tensor<[4,16,49,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,48,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (6, 5, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 48 : i32, 144 : i32, 1 : i32] | tensor<[4,48,144,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,4,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 4 : i32, 49 : i32, 1 : i32] | tensor<[64,4,49,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,100,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 100 : i32, 1 : i32] | tensor<[8,100,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,100,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 100 : i32, 1 : i32] | tensor<[8,100,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,920,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 29, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 920 : i32, 1 : i32] | tensor<[8,920,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,24,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (7, 5, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 24 : i32, 144 : i32, 1 : i32] | tensor<[9,24,144,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,48,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (14, 5, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 48 : i32, 144 : i32, 1 : i32] | tensor<[9,48,144,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 160 : i32] | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 768 : i32] | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 1024 : i32] | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 2048 : i32] | tensor<[1,10,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 3072 : i32] | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 4096 : i32] | tensor<[1,10,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 50280 : i32] | tensor<[1,10,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 512 : i32] | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 6144 : i32] | tensor<[1,10,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 768 : i32] | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[11,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 11 : i32, 3072 : i32] | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[11,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 11 : i32, 50280 : i32] | tensor<[1,11,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[11,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 11 : i32, 6144 : i32] | tensor<[1,11,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1200 : i32, 320 : i32] | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | shape: [1452 : i32, 144 : i32, 32 : i32] | tensor<[1452,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 32 + d2, d3), memory_config: (1452, 5, 'tile<32x32, f32>', 'dram') | shape: [1452 : i32, 32 : i32, 144 : i32] | tensor<[1452,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1452, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,12,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 12 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 384 : i32] | tensor<[121,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,6,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 6 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 192 : i32] | tensor<[121,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | shape: [726 : i32, 144 : i32, 32 : i32] | tensor<[726,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,6,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 32 + d2, d3), memory_config: (726, 5, 'tile<32x32, f32>', 'dram') | shape: [726 : i32, 32 : i32, 144 : i32] | tensor<[726,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (726, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 8 : i32, 49 : i32, 32 : i32] | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 8 : i32, 49 : i32, 49 : i32] | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 10 : i32, 10 : i32] | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 10 : i32, 64 : i32] | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1536 : i32] | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 197 : i32, 197 : i32] | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 197 : i32, 64 : i32] | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 10 : i32] | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 11 : i32] | tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 12 : i32] | tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 13 : i32] | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 14 : i32] | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 15 : i32] | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 16 : i32] | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 17 : i32] | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 18 : i32] | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 19 : i32] | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 20 : i32] | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 2 : i32] | tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 3 : i32] | tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,46,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 46 : i32] | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,47,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 47 : i32] | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,48,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 48 : i32] | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 49 : i32] | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 4 : i32] | tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 50 : i32] | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,51,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 51 : i32] | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,52,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 52 : i32] | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,53,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 53 : i32] | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,54,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 54 : i32] | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,55,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 55 : i32] | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,56,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 56 : i32] | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,57,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 57 : i32] | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,58,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 58 : i32] | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,59,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 59 : i32] | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 5 : i32] | tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,60,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 60 : i32] | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,61,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 61 : i32] | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,62,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 62 : i32] | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,63,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 63 : i32] | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 64 : i32] | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,65,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 65 : i32] | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,66,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 66 : i32] | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,67,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 67 : i32] | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,68,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 68 : i32] | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,69,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 69 : i32] | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 6 : i32] | tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,70,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 70 : i32] | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,71,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 71 : i32] | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,72,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 72 : i32] | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,73,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 73 : i32] | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,74,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 74 : i32] | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,75,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 75 : i32] | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,76,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 76 : i32] | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,77,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 77 : i32] | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,78,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 78 : i32] | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,79,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 79 : i32] | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 7 : i32] | tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 80 : i32] | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,81,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 81 : i32] | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,82,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 82 : i32] | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,83,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 83 : i32] | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,84,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 84 : i32] | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,85,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 85 : i32] | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,86,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 86 : i32] | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,87,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 87 : i32] | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,88,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 88 : i32] | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,89,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 89 : i32] | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 8 : i32] | tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,90,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 90 : i32] | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 91 : i32] | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,92,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 92 : i32] | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,93,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 93 : i32] | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,94,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 94 : i32] | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,95,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 95 : i32] | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,96,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 96 : i32] | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,97,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 97 : i32] | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,98,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 98 : i32] | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,99,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 99 : i32] | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 9 : i32] | tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,201,201,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 201 : i32, 201 : i32] | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,201,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 201 : i32, 64 : i32] | tensor<[1,12,201,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,257,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 257 : i32, 257 : i32] | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,257,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 257 : i32, 64 : i32] | tensor<[1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 3072 : i32] | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,45,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 45 : i32, 45 : i32] | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,45,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 45 : i32, 64 : i32] | tensor<[1,12,45,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 50280 : i32] | tensor<[1,12,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 6144 : i32] | tensor<[1,12,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 8960 : i32] | tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 8 : i32, 64 : i32] | tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,8,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 8 : i32, 8 : i32] | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,18944,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 18944 : i32] | tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 3072 : i32] | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 3584 : i32] | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 50280 : i32] | tensor<[1,13,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 6144 : i32] | tensor<[1,13,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1452,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 144 : i32, 144 : i32] | tensor<[121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1452,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 3072 : i32] | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 50280 : i32] | tensor<[1,14,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 6144 : i32] | tensor<[1,14,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1500,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1500 : i32, 768 : i32] | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[15,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 1024 : i32] | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[15,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 3072 : i32] | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[15,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 384 : i32] | tensor<[1,15,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[15,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 50280 : i32] | tensor<[1,15,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 512 : i32] | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[15,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 6144 : i32] | tensor<[1,15,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 256 : i32] | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 32 : i32] | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 384 : i32] | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 10 : i32, 10 : i32] | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 10 : i32, 64 : i32] | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 197 : i32, 197 : i32] | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 197 : i32, 64 : i32] | tensor<[1,16,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 10 : i32] | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 11 : i32] | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 12 : i32] | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 13 : i32] | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 14 : i32] | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 15 : i32] | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 16 : i32] | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 17 : i32] | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 18 : i32] | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 19 : i32] | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 20 : i32] | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 21 : i32] | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 22 : i32] | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 23 : i32] | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 24 : i32] | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 2 : i32] | tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 3 : i32] | tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 4 : i32] | tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 5 : i32] | tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 64 : i32] | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 6 : i32] | tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 7 : i32] | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 8 : i32] | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 9 : i32] | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,49,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 8 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 49 : i32, 256 : i32] | tensor<[16,49,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,5,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 5 : i32, 5 : i32] | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 5 : i32, 64 : i32] | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,8,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 32 : i32, 49 : i32] | tensor<[128,32,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 49 : i32, 32 : i32] | tensor<[128,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19200 : i32, 64 : i32] | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 48 : i32, 144 : i32, 144 : i32] | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 2048 : i32] | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[197,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 1024 : i32] | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[197,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 768 : i32] | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 160 : i32] | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 256 : i32] | tensor<[1024,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 600 + d1 * 60 + d2 * 6 + d3, d4), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 600 : i32, 4 : i32] | tensor<[1,600,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 600 + d1, d2), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 600 + d1 * 60 + d2 * 6 + d3, d4), memory_config: (19, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 600 : i32, 91 : i32] | tensor<[1,600,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 600 + d1, d2), memory_config: (19, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 3072 : i32] | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [11 : i32, 3072 : i32] | tensor<[11,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1200 : i32, 320 : i32] | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 10 : i32, 10 : i32] | tensor<[12,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 10 : i32] | tensor<[12,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 11 : i32] | tensor<[12,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 12 : i32] | tensor<[12,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 13 : i32] | tensor<[12,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 14 : i32] | tensor<[12,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 15 : i32] | tensor<[12,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 16 : i32] | tensor<[12,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 17 : i32] | tensor<[12,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 18 : i32] | tensor<[12,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 19 : i32] | tensor<[12,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 1 : i32] | tensor<[12,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 20 : i32] | tensor<[12,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 2 : i32] | tensor<[12,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 3 : i32] | tensor<[12,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 4 : i32] | tensor<[12,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 5 : i32] | tensor<[12,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 6 : i32] | tensor<[12,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 7 : i32] | tensor<[12,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 8 : i32] | tensor<[12,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 9 : i32] | tensor<[12,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 3072 : i32] | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [13 : i32, 3072 : i32] | tensor<[13,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 2048 : i32] | tensor<[196,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 512 : i32] | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 3072 : i32] | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 151936 : i32] | tensor<[1,1,151936,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [15 : i32, 3072 : i32] | tensor<[15,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 256 : i32] | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | shape: [16384 : i32, 256 : i32] | tensor<[16384,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 32 : i32] | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [16384 : i32, 32 : i32] | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 10 : i32, 10 : i32] | tensor<[16,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,16,16,3,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 65536 + d1 * 4096 + d2 * 256 + d3 * 16 + d4, d5), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 768 : i32] | tensor<[1,256,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 10 : i32] | tensor<[16,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 11 : i32] | tensor<[16,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 12 : i32] | tensor<[16,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 13 : i32] | tensor<[16,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 14 : i32] | tensor<[16,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 15 : i32] | tensor<[16,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 16 : i32] | tensor<[16,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 17 : i32] | tensor<[16,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 18 : i32] | tensor<[16,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 19 : i32] | tensor<[16,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 1 : i32] | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 20 : i32] | tensor<[16,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 21 : i32] | tensor<[16,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 22 : i32] | tensor<[16,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 23 : i32] | tensor<[16,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 24 : i32] | tensor<[16,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 2 : i32] | tensor<[16,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 3 : i32] | tensor<[16,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 4 : i32] | tensor<[16,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 5 : i32] | tensor<[16,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 6 : i32] | tensor<[16,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 7 : i32] | tensor<[16,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 8 : i32] | tensor<[16,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 9 : i32] | tensor<[16,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 5 : i32, 5 : i32] | tensor<[16,5,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 300 : i32] | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 64 : i32] | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [19200 : i32, 64 : i32] | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,4,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 4 + d3, d4), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16 : i32, 64 : i32] | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2400 + d1 * 120 + d2 * 6 + d3, d4), memory_config: (75, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2400 : i32, 4 : i32] | tensor<[1,2400,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2400 + d1, d2), memory_config: (75, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2400 + d1 * 120 + d2 * 6 + d3, d4), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2400 : i32, 91 : i32] | tensor<[1,2400,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2400 + d1, d2), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 256 : i32] | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 12 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 257 : i32, 768 : i32] | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | shape: [784 : i32, 1024 : i32] | tensor<[784,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [784 : i32, 256 : i32] | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 12 + d2 * 6 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 4 : i32] | tensor<[1,24,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 12 + d2 * 6 + d3, d4), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 91 : i32] | tensor<[1,24,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 49 : i32, 512 : i32] | tensor<[4,49,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,12,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 144 + d1 * 72 + d2 * 12 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 128 : i32] | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 156 + d1 * 78 + d2 * 13 + d3, d4), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 13 : i32, 128 : i32] | tensor<[1,12,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,14,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 168 + d1 * 84 + d2 * 14 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 14 : i32, 128 : i32] | tensor<[1,12,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,15,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 180 + d1 * 90 + d2 * 15 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 15 : i32, 128 : i32] | tensor<[1,12,15,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,16,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 192 + d1 * 96 + d2 * 16 + d3, d4), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 16 : i32, 128 : i32] | tensor<[1,12,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,17,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 204 + d1 * 102 + d2 * 17 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 17 : i32, 128 : i32] | tensor<[1,12,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,18,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 216 + d1 * 108 + d2 * 18 + d3, d4), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 18 : i32, 128 : i32] | tensor<[1,12,18,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,19,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 228 + d1 * 114 + d2 * 19 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 19 : i32, 128 : i32] | tensor<[1,12,19,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,20,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 120 + d2 * 20 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 20 : i32, 128 : i32] | tensor<[1,12,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,21,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 252 + d1 * 126 + d2 * 21 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 21 : i32, 128 : i32] | tensor<[1,12,21,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 21 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,22,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 264 + d1 * 132 + d2 * 22 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 22 : i32, 128 : i32] | tensor<[1,12,22,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 264 + d1 * 22 + d2, d3), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,23,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 276 + d1 * 138 + d2 * 23 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 23 : i32, 128 : i32] | tensor<[1,12,23,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 276 + d1 * 23 + d2, d3), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,24,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 288 + d1 * 144 + d2 * 24 + d3, d4), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 24 : i32, 128 : i32] | tensor<[1,12,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 24 + d2, d3), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,25,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 300 + d1 * 150 + d2 * 25 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 25 : i32, 128 : i32] | tensor<[1,12,25,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,26,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 312 + d1 * 156 + d2 * 26 + d3, d4), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 26 : i32, 128 : i32] | tensor<[1,12,26,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 312 + d1 * 26 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,27,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 324 + d1 * 162 + d2 * 27 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 27 : i32, 128 : i32] | tensor<[1,12,27,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 324 + d1 * 27 + d2, d3), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,28,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 336 + d1 * 168 + d2 * 28 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 28 : i32, 128 : i32] | tensor<[1,12,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 28 + d2, d3), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,6,29,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 348 + d1 * 174 + d2 * 29 + d3, d4), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 29 : i32, 128 : i32] | tensor<[1,12,29,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 * 29 + d2, d3), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,7,2,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 14 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | shape: [300 : i32, 512 : i32] | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 32128 : i32] | tensor<[1,1,32128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,16,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1536 : i32] | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32] | tensor<[1,1,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 54 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 54 : i32, 4 : i32] | tensor<[1,54,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 54 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 54 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (2, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 54 : i32, 91 : i32] | tensor<[1,54,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 54 + d1, d2), memory_config: (2, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32] | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [4096 : i32, 256 : i32] | tensor<[4096,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [4096 : i32, 64 : i32] | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [4800 : i32, 128 : i32] | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,49,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 32 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 49 : i32, 1024 : i32] | tensor<[1,49,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,4,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 49 : i32, 256 : i32] | tensor<[16,49,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,7,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 364 + d1 * 91 + d2 * 13 + d3, d4), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 13 : i32, 128 : i32] | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,7,4,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 28 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50257 : i32] | tensor<[1,1,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50272 : i32] | tensor<[1,1,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [3136 : i32, 128 : i32] | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | shape: [3136 : i32, 512 : i32] | tensor<[3136,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,4,4,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 4 + d3, d4), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 16 : i32, 64 : i32] | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 150 + d1 * 30 + d2 * 6 + d3, d4), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 150 : i32, 4 : i32] | tensor<[1,150,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 150 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 150 + d1 * 30 + d2 * 6 + d3, d4), memory_config: (5, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 150 : i32, 91 : i32] | tensor<[1,150,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 150 + d1, d2), memory_config: (5, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 15 : i32, 15 : i32] | tensor<[6,15,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 10 : i32] | tensor<[6,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 11 : i32] | tensor<[6,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 12 : i32] | tensor<[6,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 13 : i32] | tensor<[6,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 14 : i32] | tensor<[6,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 15 : i32] | tensor<[6,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 16 : i32] | tensor<[6,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 17 : i32] | tensor<[6,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 18 : i32] | tensor<[6,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 19 : i32] | tensor<[6,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 1 : i32] | tensor<[6,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 20 : i32] | tensor<[6,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 2 : i32] | tensor<[6,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 3 : i32] | tensor<[6,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 4 : i32] | tensor<[6,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 5 : i32] | tensor<[6,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 6 : i32] | tensor<[6,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 7 : i32] | tensor<[6,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 8 : i32] | tensor<[6,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 9 : i32] | tensor<[6,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 3072 : i32] | tensor<[6,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 384 : i32] | tensor<[768,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 3072 : i32] | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 4544 : i32] | tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 4544 : i32] | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [49 : i32, 1024 : i32] | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | shape: [49 : i32, 4096 : i32] | tensor<[49,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8960 : i32] | tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 10 : i32, 10 : i32] | tensor<[8,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 10 : i32] | tensor<[8,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 11 : i32] | tensor<[8,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 12 : i32] | tensor<[8,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 13 : i32] | tensor<[8,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 14 : i32] | tensor<[8,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 15 : i32] | tensor<[8,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 16 : i32] | tensor<[8,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 17 : i32] | tensor<[8,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 18 : i32] | tensor<[8,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 19 : i32] | tensor<[8,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 1 : i32] | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 20 : i32] | tensor<[8,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 2 : i32] | tensor<[8,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 3 : i32] | tensor<[8,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 4 : i32] | tensor<[8,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 5 : i32] | tensor<[8,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 6 : i32] | tensor<[8,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 7 : i32] | tensor<[8,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 8 : i32] | tensor<[8,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 9 : i32] | tensor<[8,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 3072 : i32] | tensor<[8,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,3,32,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 24 : i32, 32 : i32, 128 : i32] | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,7,8,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 56 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 128 : i32] | tensor<[64,49,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 3072 : i32] | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[216,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 24 : i32, 144 : i32, 144 : i32] | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[216,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 12 : i32, 13 : i32, 13 : i32] | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 12 : i32, 13 : i32, 64 : i32] | tensor<[2,12,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1280 : i32] | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1536 : i32] | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32] | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 4 : i32, 49 : i32, 32 : i32] | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 4 : i32, 49 : i32, 49 : i32] | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[26,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 13 : i32, 3072 : i32] | tensor<[2,13,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 13 : i32, 768 : i32] | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2904,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 6 : i32, 144 : i32, 144 : i32] | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2904,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 13 : i32, 13 : i32] | tensor<[24,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,12,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 13 : i32, 64 : i32] | tensor<[24,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,12,64,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 64 : i32, 13 : i32] | tensor<[24,64,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,2,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 49 : i32] | tensor<[4,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 4096 : i32, 256 : i32] | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,4096,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 4096 : i32, 32 : i32] | tensor<[1,2,4096,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,4800,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 4800 : i32, 300 : i32] | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,4800,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 4800 : i32, 64 : i32] | tensor<[1,2,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,8,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 7 : i32] | tensor<[16,64,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 7 : i32, 64 : i32] | tensor<[16,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 512 : i32] | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3136,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 512 : i32] | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1024 : i32] | tensor<[1,32,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,11008,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 11008 : i32] | tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,128256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4008, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 128256 : i32] | tensor<[1,32,128256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4008, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,250880,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7840, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 250880 : i32] | tensor<[1,32,250880,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 7840, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 3072 : i32] | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,32000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1000, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 32000 : i32] | tensor<[1,32,32000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1000, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 4096 : i32] | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 49 : i32, 32 : i32] | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 49 : i32, 49 : i32] | tensor<[1,32,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 8192 : i32] | tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [432 : i32, 144 : i32, 32 : i32] | tensor<[432,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 32 + d2, d3), memory_config: (432, 5, 'tile<32x32, f32>', 'dram') | shape: [432 : i32, 32 : i32, 144 : i32] | tensor<[432,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (432, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,12,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 12 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 384 : i32] | tensor<[36,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,24,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 24 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 768 : i32] | tensor<[36,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | shape: [864 : i32, 144 : i32, 32 : i32] | tensor<[864,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,24,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | shape: [864 : i32, 32 : i32, 144 : i32] | tensor<[864,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 256 : i32] | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 320 : i32] | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 384 : i32] | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 64 : i32] | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 768 : i32] | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[432,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 144 : i32, 144 : i32] | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[432,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 48 : i32, 144 : i32, 144 : i32] | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[432,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[432,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 45 : i32, 50257 : i32] | tensor<[1,45,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 45 : i32, 768 : i32] | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4800 : i32, 128 : i32] | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,144,6,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 6 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 144 : i32, 192 : i32] | tensor<[484,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | shape: [2904 : i32, 144 : i32, 32 : i32] | tensor<[2904,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,6,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 32 + d2, d3), memory_config: (2904, 5, 'tile<32x32, f32>', 'dram') | shape: [2904 : i32, 32 : i32, 144 : i32] | tensor<[2904,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (2904, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[49,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 4096 : i32] | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 1024 : i32] | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,144,48,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 48 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 144 : i32, 1536 : i32] | tensor<[4,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (64, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 32 : i32, 49 : i32] | tensor<[64,32,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (64, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 32 : i32] | tensor<[64,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 2048 : i32] | tensor<[4,1,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 4096 : i32] | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | shape: [192 : i32, 144 : i32, 32 : i32] | tensor<[192,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,48,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 32 + d2, d3), memory_config: (192, 5, 'tile<32x32, f32>', 'dram') | shape: [192 : i32, 32 : i32, 144 : i32] | tensor<[192,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (192, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,49,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 16 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 49 : i32, 512 : i32] | tensor<[4,49,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,4,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 49 : i32] | tensor<[16,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 13 : i32, 1024 : i32] | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 1024 : i32] | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 1024 : i32, 256 : i32] | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,1024,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 1024 : i32, 32 : i32] | tensor<[1,5,1024,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,1200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 1200 : i32, 300 : i32] | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,1200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 1200 : i32, 64 : i32] | tensor<[1,5,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 3072 : i32] | tensor<[1,5,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[600,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 100 : i32, 256 : i32] | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[600,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 100 : i32, 4 : i32] | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[600,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 100 : i32, 92 : i32] | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1280 : i32] | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 16 : i32, 49 : i32, 32 : i32] | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 16 : i32, 49 : i32, 49 : i32] | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,4,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 4 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 128 : i32] | tensor<[64,49,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,4,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 32 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 32 : i32, 49 : i32] | tensor<[256,32,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 49 : i32, 32 : i32] | tensor<[256,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1024 : i32] | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,15,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 15 : i32, 15 : i32] | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 15 : i32, 64 : i32] | tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | shape: [600 : i32, 256 : i32] | tensor<[600,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | shape: [600 : i32, 4 : i32] | tensor<[600,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | shape: [600 : i32, 92 : i32] | tensor<[600,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 10 : i32] | tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 11 : i32] | tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 12 : i32] | tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 13 : i32] | tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 14 : i32] | tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 15 : i32] | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 16 : i32] | tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 17 : i32] | tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 18 : i32] | tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 19 : i32] | tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 20 : i32] | tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 2 : i32] | tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 3 : i32] | tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 4 : i32] | tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 5 : i32] | tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 64 : i32] | tensor<[1,6,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 6 : i32] | tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 7 : i32] | tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 8 : i32] | tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 9 : i32] | tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 3072 : i32] | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 50272 : i32] | tensor<[1,6,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 50280 : i32] | tensor<[1,6,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 512 : i32] | tensor<[1,6,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 6144 : i32] | tensor<[1,6,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[71,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 71 : i32, 7 : i32, 64 : i32] | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[71,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 71 : i32, 7 : i32, 7 : i32] | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[726,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 6 : i32, 144 : i32, 144 : i32] | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[726,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 384 : i32] | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[784,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 1024 : i32] | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,18176,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 18176 : i32] | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 2 : i32] | tensor<[1,7,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 3072 : i32] | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 4544 : i32] | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,4672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 146, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 4672 : i32] | tensor<[1,7,4672,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 146, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 50280 : i32] | tensor<[1,7,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 6144 : i32] | tensor<[1,7,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,65024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2032, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 65024 : i32] | tensor<[1,7,65024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 2032, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[864,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 24 : i32, 144 : i32, 144 : i32] | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[864,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 10 : i32, 10 : i32] | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 10 : i32, 64 : i32] | tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 10 : i32] | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 11 : i32] | tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 12 : i32] | tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 13 : i32] | tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 14 : i32] | tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 15 : i32] | tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 16 : i32] | tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 17 : i32] | tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 18 : i32] | tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 19 : i32] | tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 20 : i32] | tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 2 : i32] | tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 3 : i32] | tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 4 : i32] | tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 5 : i32] | tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 64 : i32] | tensor<[1,8,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 6 : i32] | tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 7 : i32] | tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 8 : i32] | tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 9 : i32] | tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,2048,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 2048 : i32, 256 : i32] | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,2048,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 2048 : i32, 96 : i32] | tensor<[1,8,2048,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 160 : i32] | tensor<[1,8,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,256,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 2048 : i32] | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 256 : i32] | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 32 : i32] | tensor<[1,8,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,300,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 300 : i32, 300 : i32] | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 300 : i32, 64 : i32] | tensor<[1,8,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 3072 : i32] | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 50280 : i32] | tensor<[1,8,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 6144 : i32] | tensor<[1,8,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,8,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32] | tensor<[64,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 256 : i32] | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 1 : i32, 256 : i32] | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 1280 : i32] | tensor<[1,9,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,24,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 24 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 768 : i32] | tensor<[9,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,48,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 48 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 1536 : i32] | tensor<[9,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | shape: [216 : i32, 144 : i32, 32 : i32] | tensor<[216,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,24,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (216, 5, 'tile<32x32, f32>', 'dram') | shape: [216 : i32, 32 : i32, 144 : i32] | tensor<[216,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (216, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 3072 : i32] | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 320 : i32] | tensor<[1,9,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [432 : i32, 144 : i32, 32 : i32] | tensor<[432,144,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,48,32,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 32 + d2, d3), memory_config: (432, 5, 'tile<32x32, f32>', 'dram') | shape: [432 : i32, 32 : i32, 144 : i32] | tensor<[432,32,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (432, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,50280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 50280 : i32] | tensor<[1,9,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 6144 : i32] | tensor<[1,9,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 640 : i32] | tensor<[1,9,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32] | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4 : i32] | tensor<[1,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[92,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 92 : i32] | tensor<[1,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32] | tensor<[1,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5120,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 160, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5120 : i32] | tensor<[1,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6144,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6144 : i32] | tensor<[1,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 640 : i32] | tensor<[1,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[250002,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 250002 : i32] | tensor<[1,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32] | tensor<[1,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2304,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2304 : i32] | tensor<[1,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4608,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4608 : i32] | tensor<[1,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32] | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3840,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 120, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3840 : i32] | tensor<[1,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 120, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5120,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 160, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5120 : i32] | tensor<[1,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32] | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3584 : i32] | tensor<[1,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32] | tensor<[1,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32] | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32] | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32] | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32] | tensor<[1,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32] | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32] | tensor<[1,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 36, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32] | tensor<[1,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32] | tensor<[1,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32] | tensor<[1,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32] | tensor<[1,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32] | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32] | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1000,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1000 : i32] | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 100 : i32, 1 : i32, 1 : i32] | tensor<[1,100,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 160 : i32] | tensor<[1,1,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 640 : i32] | tensor<[1,1,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1056 : i32, 1 : i32, 1 : i32] | tensor<[1,1056,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1056 : i32, 1 : i32, 1 : i32] | tensor<[1,1056,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1088 : i32, 1 : i32, 1 : i32] | tensor<[1,1088,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1088 : i32, 1 : i32, 1 : i32] | tensor<[1,1088,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10 : i32] | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1120 : i32, 1 : i32, 1 : i32] | tensor<[1,1120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1120 : i32, 1 : i32, 1 : i32] | tensor<[1,1120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[116,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 116 : i32, 1 : i32, 1 : i32] | tensor<[1,116,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 116 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1184 : i32, 1 : i32, 1 : i32] | tensor<[1,1184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1184 : i32, 1 : i32, 1 : i32] | tensor<[1,1184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 320 : i32] | tensor<[1,1,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1216 : i32, 1 : i32, 1 : i32] | tensor<[1,1216,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1216 : i32, 1 : i32, 1 : i32] | tensor<[1,1216,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32] | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32] | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1312 : i32, 1 : i32, 1 : i32] | tensor<[1,1312,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1312 : i32, 1 : i32, 1 : i32] | tensor<[1,1312,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[134,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 134 : i32, 1 : i32, 1 : i32] | tensor<[1,134,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 134 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[136,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 136 : i32, 1 : i32, 1 : i32] | tensor<[1,136,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1280 : i32] | tensor<[1,1,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1376 : i32, 1 : i32, 1 : i32] | tensor<[1,1376,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1376 : i32, 1 : i32, 1 : i32] | tensor<[1,1376,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1408 : i32, 1 : i32, 1 : i32] | tensor<[1,1408,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1408 : i32, 1 : i32, 1 : i32] | tensor<[1,1408,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1440 : i32, 1 : i32, 1 : i32] | tensor<[1,1440,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1440 : i32, 1 : i32, 1 : i32] | tensor<[1,1440,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 192 : i32] | tensor<[1,1,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1472 : i32, 1 : i32, 1 : i32] | tensor<[1,1472,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1472 : i32, 1 : i32, 1 : i32] | tensor<[1,1472,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32, 1 : i32] | tensor<[1,14,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1500,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1500 : i32, 768 : i32] | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1504 : i32, 1 : i32, 1 : i32] | tensor<[1,1504,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1504 : i32, 1 : i32, 1 : i32] | tensor<[1,1504,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1568 : i32, 1 : i32, 1 : i32] | tensor<[1,1568,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1568 : i32, 1 : i32, 1 : i32] | tensor<[1,1568,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1600 : i32, 1 : i32, 1 : i32] | tensor<[1,1600,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1600 : i32, 1 : i32, 1 : i32] | tensor<[1,1600,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 192 : i32] | tensor<[1,1,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32] | tensor<[1,1,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1664 : i32, 1 : i32, 1 : i32] | tensor<[1,1664,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1664 : i32, 1 : i32, 1 : i32] | tensor<[1,1664,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[168,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 168 : i32, 1 : i32, 1 : i32] | tensor<[1,168,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1696 : i32, 1 : i32, 1 : i32] | tensor<[1,1696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1696 : i32, 1 : i32, 1 : i32] | tensor<[1,1696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1728 : i32, 1 : i32, 1 : i32] | tensor<[1,1728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1728 : i32, 1 : i32, 1 : i32] | tensor<[1,1728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1760 : i32, 1 : i32, 1 : i32] | tensor<[1,1760,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1760 : i32, 1 : i32, 1 : i32] | tensor<[1,1760,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1792 : i32, 1 : i32, 1 : i32] | tensor<[1,1792,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1792 : i32, 1 : i32, 1 : i32] | tensor<[1,1792,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1824,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1824 : i32, 1 : i32, 1 : i32] | tensor<[1,1824,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1856,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1856 : i32, 1 : i32, 1 : i32] | tensor<[1,1856,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1856 + d1 + d2, d3), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1888,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1888 : i32, 1 : i32, 1 : i32] | tensor<[1,1888,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1888 + d1 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1920 : i32, 1 : i32, 1 : i32] | tensor<[1,1920,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 196 : i32, 1 : i32, 1 : i32] | tensor<[1,196,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 768 : i32] | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 208 : i32, 1 : i32, 1 : i32] | tensor<[1,208,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 208 : i32, 1 : i32, 1 : i32] | tensor<[1,208,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[20,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 20 : i32, 1 : i32, 1 : i32] | tensor<[1,20,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[21843,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 21843 : i32] | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2520 : i32, 1 : i32, 1 : i32] | tensor<[1,2520,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2520 : i32, 1 : i32, 1 : i32] | tensor<[1,2520,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1280 : i32] | tensor<[1,1,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 160 : i32] | tensor<[1,1,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 272 : i32, 1 : i32, 1 : i32] | tensor<[1,272,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 272 : i32, 1 : i32, 1 : i32] | tensor<[1,272,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,1,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[28,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 1 : i32, 1 : i32] | tensor<[1,28,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32] | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 320 : i32] | tensor<[1,1,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3129,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3129 : i32] | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[334,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 334 : i32, 1 : i32, 1 : i32] | tensor<[1,334,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 334 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[34,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 34 : i32, 1 : i32, 1 : i32] | tensor<[1,34,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32] | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32] | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 320 : i32] | tensor<[1,1,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32] | tensor<[1,1,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 416 : i32, 1 : i32, 1 : i32] | tensor<[1,416,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 416 : i32, 1 : i32, 1 : i32] | tensor<[1,416,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[462,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 462 : i32, 1 : i32, 1 : i32] | tensor<[1,462,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 462 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[46,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 46 : i32, 1 : i32, 1 : i32] | tensor<[1,46,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 51200 : i32] | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[528,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 528 : i32, 1 : i32, 1 : i32] | tensor<[1,528,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[544,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 544 : i32, 1 : i32, 1 : i32] | tensor<[1,544,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 544 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 56 : i32, 1 : i32, 1 : i32] | tensor<[1,56,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 56 : i32, 1 : i32, 1 : i32] | tensor<[1,56,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 58 : i32, 1 : i32, 1 : i32] | tensor<[1,58,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[608,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 608 : i32, 1 : i32, 1 : i32] | tensor<[1,608,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 608 + d1 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[60,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 60 : i32, 1 : i32, 1 : i32] | tensor<[1,60,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32] | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1280 : i32] | tensor<[1,1,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 192 : i32] | tensor<[1,1,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 68 : i32, 1 : i32, 1 : i32] | tensor<[1,68,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 68 : i32, 1 : i32, 1 : i32] | tensor<[1,68,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[704,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 704 : i32, 1 : i32, 1 : i32] | tensor<[1,704,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 704 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 720 : i32, 1 : i32, 1 : i32] | tensor<[1,720,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 720 : i32, 1 : i32, 1 : i32] | tensor<[1,720,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 728 : i32, 1 : i32, 1 : i32] | tensor<[1,728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 728 : i32, 1 : i32, 1 : i32] | tensor<[1,728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[736,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 736 : i32, 1 : i32, 1 : i32] | tensor<[1,736,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32] | tensor<[1,1,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[784,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 784 : i32] | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[78,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 78 : i32, 1 : i32, 1 : i32] | tensor<[1,78,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4544,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4544 : i32] | tensor<[1,1,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,1,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 4096 : i32] | tensor<[1,1,1,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[800,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 800 : i32, 1 : i32, 1 : i32] | tensor<[1,800,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 816 : i32, 1 : i32, 1 : i32] | tensor<[1,816,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 816 : i32, 1 : i32, 1 : i32] | tensor<[1,816,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[832,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 832 : i32, 1 : i32, 1 : i32] | tensor<[1,832,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[864,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 864 : i32, 1 : i32, 1 : i32] | tensor<[1,864,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 + d2, d3), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[88,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 88 : i32, 1 : i32, 1 : i32] | tensor<[1,88,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 896 : i32, 1 : i32, 1 : i32] | tensor<[1,896,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 896 : i32, 1 : i32, 1 : i32] | tensor<[1,896,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 928 : i32, 1 : i32, 1 : i32] | tensor<[1,928,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 928 : i32, 1 : i32, 1 : i32] | tensor<[1,928,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[92,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 92 : i32, 1 : i32, 1 : i32] | tensor<[1,92,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 92 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[98,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 98 : i32, 1 : i32, 1 : i32] | tensor<[1,98,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 992 : i32, 1 : i32, 1 : i32] | tensor<[1,992,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 992 : i32, 1 : i32, 1 : i32] | tensor<[1,992,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32] | tensor<[1,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[262,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 262 : i32] | tensor<[1,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10240,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 320, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10240 : i32] | tensor<[1,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32] | tensor<[1,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32] | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32] | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32] | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6144,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6144 : i32] | tensor<[1,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32] | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2304,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2304 : i32] | tensor<[1,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32] | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[30522,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 30522 : i32] | tensor<[1,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[38,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 38 : i32] | tensor<[1,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[50257,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50257 : i32] | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32] | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32] | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32] | tensor<[1,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32] | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32] | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32] | tensor<[1,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4608,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4608 : i32] | tensor<[1,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6144,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6144 : i32] | tensor<[1,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2560,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 80, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2560 : i32] | tensor<[1,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 80, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32] | tensor<[1,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32] | tensor<[1,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32] | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32] | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 36, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32] | tensor<[1,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2304,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2304 : i32] | tensor<[1,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32] | tensor<[1,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4608,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4608 : i32] | tensor<[1,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32] | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 51200 : i32] | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10240,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 320, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10240 : i32] | tensor<[1,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 320, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32] | tensor<[1,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32] | tensor<[1,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32] | tensor<[1,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 4 : i32] | tensor<[1,1,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[92,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 92 : i32] | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32] | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 196 : i32] | tensor<[1,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2304,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2304 : i32] | tensor<[1,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32] | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32] | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32] | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32] | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[30000,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 30000 : i32] | tensor<[1,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32] | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8192 : i32] | tensor<[1,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [11 : i32] | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [12 : i32] | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [13 : i32] | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [14 : i32] | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [15 : i32] | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [16 : i32] | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [17 : i32] | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [18 : i32] | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [19 : i32] | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [20 : i32] | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [21 : i32] | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [22 : i32] | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [23 : i32] | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [24 : i32] | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [25 : i32] | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [26 : i32] | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [27 : i32] | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [28 : i32] | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [29 : i32] | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [32 : i32] | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [5 : i32] | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [6 : i32] | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [7 : i32] | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [8 : i32] | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [9 : i32] | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [32 : i32] | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1024 : i32] | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1024 : i32] | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1024 : i32] | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1024 : i32] | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1024 : i32] | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1536 : i32] | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 1024 : i32] | tensor<[1,1,16384,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 256, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 256 : i32] | tensor<[1,128,128,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2048, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 2048 : i32] | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2048 : i32] | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1024 : i32] | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1024 : i32] | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1024 : i32] | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 1 : i32, 1 : i32] | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1024 : i32] | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 255 : i32] | tensor<[1,16,16,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [255 : i32, 1 : i32, 1 : i32] | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 255 : i32, 1 : i32, 1 : i32] | tensor<[1,255,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1024 : i32] | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 512 : i32] | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 1024 : i32] | tensor<[1,1,289,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 128, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 128 : i32] | tensor<[1,17,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 1024 : i32] | tensor<[1,1,289,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 192 : i32] | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 1024 : i32] | tensor<[1,1,289,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 256 : i32] | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 1024 : i32] | tensor<[1,1,289,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 384 : i32] | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 1024 : i32] | tensor<[1,1,361,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1024 : i32] | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1024, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 1 : i32, 1 : i32] | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 1024 : i32] | tensor<[1,1,784,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 1024 : i32] | tensor<[1,1,784,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 1024 : i32] | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | shape: [1 : i32, 23 : i32, 40 : i32, 2048 : i32] | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 1024 : i32] | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | shape: [1 : i32, 45 : i32, 80 : i32, 256 : i32] | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 1024 : i32] | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 512, 'bf16', 'dram') | shape: [1 : i32, 45 : i32, 80 : i32, 512 : i32] | tensor<[1,45,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 512 : i32, 1 : i32] | tensor<[1,1024,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 524288 + d1 * 512 + d2, d3), memory_config: (16384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1024,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[256,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32, 1024 : i32] | tensor<[1,1,512,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,512,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 256, 'bf16', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 256 : i32] | tensor<[1,512,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 512 + d2, d3), memory_config: (4096, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 512 : i32] | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32] | tensor<[256,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1024 : i32] | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1024 : i32] | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1024 : i32] | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1024 : i32] | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1024 : i32] | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2048 : i32] | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [2048 : i32, 1 : i32, 1 : i32] | tensor<[2048,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1024 : i32] | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2048 : i32] | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,102,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 102 : i32] | tensor<[1,1,3136,102,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 40, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 40 : i32] | tensor<[1,56,56,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1056,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 33, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1056 : i32] | tensor<[1,1,196,1056,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 33, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1056,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 33, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1056 : i32] | tensor<[1,1,49,1056,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 33, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1072 : i32] | tensor<[1,1,49,1072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,462,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 462, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 462 : i32] | tensor<[1,7,7,462,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 462, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1088 : i32] | tensor<[1,1,196,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1088 : i32] | tensor<[1,1,196,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 768 : i32] | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1088 : i32] | tensor<[1,1,49,1088,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 34, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 35, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1120 : i32] | tensor<[1,1,196,1120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 35, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 35, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1120 : i32] | tensor<[1,1,49,1120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 35, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 112 : i32] | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 112, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 112 : i32] | tensor<[1,7,7,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 112 : i32] | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 224, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 224 : i32] | tensor<[1,14,14,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 224, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 112 : i32] | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 336 : i32] | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 112 : i32] | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 672 : i32] | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 112 : i32] | tensor<[1,1,225,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 672 : i32] | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 112 : i32] | tensor<[1,1,400,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 672 : i32] | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 112 : i32] | tensor<[1,1,576,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 672 : i32] | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 112 : i32] | tensor<[1,1,49,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 160 : i32] | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 112 : i32] | tensor<[1,1,49,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 672 : i32] | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1152 : i32] | tensor<[1,1,196,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1152 : i32] | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1152 : i32] | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1152 : i32] | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1152 : i32] | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1152 : i32] | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1152 : i32] | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 192 : i32] | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1152 : i32] | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 320 : i32] | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1152 : i32] | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1152 : i32] | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1152 : i32] | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1152 : i32] | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1152 : i32] | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 192 : i32] | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1152 : i32] | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 320 : i32] | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 116 : i32] | tensor<[1,1,196,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 37, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1184 : i32] | tensor<[1,1,196,1184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 37, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 37, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1184 : i32] | tensor<[1,1,49,1184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 37, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,118,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 118 : i32] | tensor<[1,1,784,118,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 34 : i32] | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 120 : i32] | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 120 : i32] | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 120 : i32] | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 120 : i32] | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 120 : i32] | tensor<[1,1,289,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 720 : i32] | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 120 : i32] | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1 : i32, 1 : i32] | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 120 : i32] | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 480, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 480 : i32] | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | shape: [480 : i32, 1 : i32, 1 : i32] | tensor<[480,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 120 : i32] | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 120 : i32] | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 120 : i32] | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 120 : i32] | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 120 : i32] | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 20 : i32] | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 120 : i32] | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 40 : i32] | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1600 : i32, 120 : i32] | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | shape: [1 : i32, 40 : i32, 40 : i32, 120 : i32] | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1600 : i32, 120 : i32] | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | shape: [1 : i32, 40 : i32, 40 : i32, 40 : i32] | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1216,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 38, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1216 : i32] | tensor<[1,1,196,1216,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1216,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 38, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1216 : i32] | tensor<[1,1,49,1216,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,122,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 122 : i32] | tensor<[1,1,784,122,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 46 : i32] | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 39, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1248 : i32] | tensor<[1,1,196,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 39, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1248 : i32] | tensor<[1,1,49,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32, 1248 : i32] | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 1248 : i32] | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32, 1248 : i32] | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 1248 : i32] | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32, 1248 : i32] | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 208 : i32] | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32, 1248 : i32] | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 352, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 352 : i32] | tensor<[1,9,9,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 352, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,124,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 124 : i32] | tensor<[1,1,3136,124,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1280 : i32] | tensor<[1,1,196,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1280 : i32] | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1280 : i32] | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1280 : i32] | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1280 : i32] | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1200 : i32, 1280 : i32] | tensor<[1,1,1200,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1200,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 1280, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32, 1280 : i32] | tensor<[1,30,40,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 1280 : i32] | tensor<[1,1,1024,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1280, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 1280 : i32] | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 1280 : i32] | tensor<[1,1,1024,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 1280 : i32] | tensor<[1,1,1024,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1280 : i32] | tensor<[1,1,49,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1280 : i32] | tensor<[1,1,49,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1280 : i32] | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1280 : i32] | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1280 : i32] | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1280 : i32] | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 128 : i32] | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 128 : i32] | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 128 : i32] | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 128 : i32] | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 128 : i32] | tensor<[1,1,19200,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32, 64 : i32] | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 128 : i32] | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 128 : i32] | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 128 : i32] | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 256 : i32] | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 128 : i32] | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 64 : i32] | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 128 : i32] | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 64 : i32] | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 128 : i32] | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 128 : i32] | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 128 : i32] | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 128 : i32] | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 32 : i32] | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 128 : i32] | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 128 : i32] | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 128 : i32] | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 128 : i32] | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 128 : i32] | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 128 : i32] | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 128 : i32] | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,180,320,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57600 : i32, 128 : i32] | tensor<[1,1,57600,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | shape: [1 : i32, 90 : i32, 160 : i32, 128 : i32] | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 24 : i32] | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 1 : i32, 1 : i32] | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 546 : i32] | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [546 : i32, 1 : i32, 1 : i32] | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 546 : i32, 1 : i32, 1 : i32] | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 128 : i32] | tensor<[1,1,50176,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 64 : i32] | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 16 : i32] | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 192 : i32] | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 19 : i32] | tensor<[1,28,28,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[19,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [19 : i32, 1 : i32, 1 : i32] | tensor<[19,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[19,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19 : i32, 1 : i32, 1 : i32] | tensor<[1,19,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 32 : i32] | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 38 : i32] | tensor<[1,28,28,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[38,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [38 : i32, 1 : i32, 1 : i32] | tensor<[38,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[38,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 38 : i32, 1 : i32, 1 : i32] | tensor<[1,38,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 128 : i32] | tensor<[1,1,4,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 256 : i32] | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1200 : i32, 128 : i32] | tensor<[1,1,1200,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32, 64 : i32] | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 128 : i32] | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 128 : i32] | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 128 : i32] | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 256 : i32] | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 128 : i32] | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 128 : i32] | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 128 : i32] | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 256 : i32] | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 32 : i32] | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32, 128 : i32] | tensor<[1,1,25,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 128 : i32] | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4800 : i32, 128 : i32] | tensor<[1,1,4800,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,300,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 128, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 20 : i32, 128 : i32] | tensor<[1,15,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4800 : i32, 128 : i32] | tensor<[1,1,4800,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1200,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 320, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32, 320 : i32] | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4800 : i32, 128 : i32] | tensor<[1,1,4800,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32, 64 : i32] | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4800 : i32, 128 : i32] | tensor<[1,1,4800,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32, 64 : i32] | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 128 : i32] | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 128 : i32] | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 255 : i32] | tensor<[1,64,64,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [255 : i32, 1 : i32, 1 : i32] | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 255 : i32, 1 : i32, 1 : i32] | tensor<[1,255,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 256 : i32] | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 256 : i32] | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 128 : i32] | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 128 : i32] | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 128 : i32] | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 128 : i32] | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 128 : i32] | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 256 : i32] | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 128 : i32] | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 32 : i32] | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 128 : i32] | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | shape: [1 : i32, 90 : i32, 160 : i32, 128 : i32] | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 128 : i32] | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | shape: [1 : i32, 90 : i32, 160 : i32, 512 : i32] | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 12 : i32] | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 12 : i32] | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1312,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 41, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1312 : i32] | tensor<[1,1,196,1312,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 41, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1312,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 41, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1312 : i32] | tensor<[1,1,49,1312,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 41, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1344 : i32] | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1344 : i32] | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1344 : i32] | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1344 : i32] | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1344 : i32] | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1344 : i32] | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2520, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 2520 : i32] | tensor<[1,14,14,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2520, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1344 : i32] | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2520 : i32] | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 42, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 1344 : i32] | tensor<[1,1,784,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1344 : i32] | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 42, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1344 : i32] | tensor<[1,1,49,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 136 : i32] | tensor<[1,1,361,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 816 : i32] | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1376,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 43, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1376 : i32] | tensor<[1,1,196,1376,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 43, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1376,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 43, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1376 : i32] | tensor<[1,1,49,1376,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 43, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1392 : i32] | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1392 : i32] | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1392 : i32] | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1392 : i32] | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1392 : i32] | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 232 : i32] | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1392 : i32] | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 384, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 384 : i32] | tensor<[1,10,10,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1392 : i32] | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1392 : i32] | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1392 : i32] | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1392 : i32] | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1392 : i32] | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 3712, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 3712 : i32] | tensor<[1,14,14,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 3712, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1392 : i32] | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 3712 : i32] | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1392 : i32] | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 174 : i32] | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[174,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | shape: [174 : i32, 1 : i32, 1 : i32] | tensor<[174,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[174,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 174 : i32, 1 : i32, 1 : i32] | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1392 : i32] | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 348 : i32] | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[348,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | shape: [348 : i32, 1 : i32, 1 : i32] | tensor<[348,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[348,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 348 : i32, 1 : i32, 1 : i32] | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 1392 : i32] | tensor<[1,1,784,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1392 : i32] | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1408,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1408 : i32] | tensor<[1,1,196,1408,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1408,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1408 : i32] | tensor<[1,1,49,1408,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,142,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 142 : i32] | tensor<[1,1,3136,142,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 68, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 68 : i32] | tensor<[1,56,56,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 68, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 45, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1440 : i32] | tensor<[1,1,196,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 45, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1440 : i32] | tensor<[1,1,49,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1440 : i32] | tensor<[1,1,49,1440,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 45, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 144 : i32] | tensor<[1,1,196,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 288, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 288 : i32] | tensor<[1,14,14,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 288, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,151,151,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22801 + d1 * 151 + d2, d3), memory_config: (713, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22801 : i32, 144 : i32] | tensor<[1,1,22801,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22801 + d1 * 22801 + d2, d3), memory_config: (713, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 144, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 144 : i32] | tensor<[1,75,75,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,191,191,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36481 + d1 * 191 + d2, d3), memory_config: (1141, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 36481 : i32, 144 : i32] | tensor<[1,1,36481,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36481 + d1 * 36481 + d2, d3), memory_config: (1141, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9025,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 144, 'bf16', 'dram') | shape: [1 : i32, 95 : i32, 95 : i32, 144 : i32] | tensor<[1,95,95,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 144 : i32] | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 28 : i32] | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 144 : i32] | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 32 : i32] | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 144 : i32] | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 40 : i32] | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,30,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 900 : i32, 144 : i32] | tensor<[1,1,900,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,900,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 30 : i32, 40 : i32] | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,33,33,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1089 : i32, 144 : i32] | tensor<[1,1,1089,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1089,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | shape: [1 : i32, 33 : i32, 33 : i32, 48 : i32] | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 144 : i32] | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 144 : i32] | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 144 : i32] | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 144 : i32] | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 144 : i32] | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 24 : i32] | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,59,59,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3481 + d1 * 59 + d2, d3), memory_config: (109, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3481 : i32, 144 : i32] | tensor<[1,1,3481,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3481 + d1 * 3481 + d2, d3), memory_config: (109, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 144 : i32] | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 144 : i32] | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 60 : i32, 144 : i32] | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 144 : i32] | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 60 : i32, 24 : i32] | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,63,63,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3969 + d1 * 63 + d2, d3), memory_config: (125, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3969 : i32, 144 : i32] | tensor<[1,1,3969,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3969 + d1 * 3969 + d2, d3), memory_config: (125, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,900,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 144, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 30 : i32, 144 : i32] | tensor<[1,30,30,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4225 : i32, 144 : i32] | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | shape: [1 : i32, 65 : i32, 65 : i32, 144 : i32] | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4225 : i32, 144 : i32] | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4225,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | shape: [1 : i32, 65 : i32, 65 : i32, 24 : i32] | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,69,69,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4761 + d1 * 69 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4761 : i32, 144 : i32] | tensor<[1,1,4761,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4761 + d1 * 4761 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1089,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 144, 'bf16', 'dram') | shape: [1 : i32, 33 : i32, 33 : i32, 144 : i32] | tensor<[1,33,33,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 144 : i32] | tensor<[1,1,5625,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 32 : i32] | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 144 : i32] | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 144 : i32] | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 144 : i32] | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 144 : i32] | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 18, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 18 : i32] | tensor<[1,7,7,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 18, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 144 : i32] | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 256 : i32] | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 144 : i32] | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 36, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 36 : i32] | tensor<[1,7,7,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 144 : i32] | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 72, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 72 : i32] | tensor<[1,7,7,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,95,95,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9025 : i32, 144 : i32] | tensor<[1,1,9025,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9025,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | shape: [1 : i32, 95 : i32, 95 : i32, 32 : i32] | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1472,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 46, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1472 : i32] | tensor<[1,1,196,1472,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 46, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1472,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 46, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1472 : i32] | tensor<[1,1,49,1472,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 46, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1504,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 47, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1504 : i32] | tensor<[1,1,196,1504,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1504,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 47, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1504 : i32] | tensor<[1,1,49,1504,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 152 : i32] | tensor<[1,1,784,152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 58 : i32] | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1536 : i32] | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1536 : i32] | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1536 : i32] | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1536 : i32] | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 1536 : i32] | tensor<[1,1,100,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 2048, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 2048 : i32] | tensor<[1,10,10,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1536 : i32] | tensor<[1,1,196,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1536 : i32] | tensor<[1,1,49,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1536 : i32] | tensor<[1,1,64,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 256 : i32] | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 1536 : i32] | tensor<[1,1,64,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 384, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 384 : i32] | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1568,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 49, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1568 : i32] | tensor<[1,1,196,1568,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 49, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1568,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 49, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1568 : i32] | tensor<[1,1,49,1568,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 49, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,156,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 156 : i32] | tensor<[1,1,196,156,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 68 : i32] | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1600,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 50, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1600 : i32] | tensor<[1,1,196,1600,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 50, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1600,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 50, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1600 : i32] | tensor<[1,1,49,1600,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 50, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 160 : i32] | tensor<[1,1,196,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 320 : i32] | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 160 : i32] | tensor<[1,1,576,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 960 : i32] | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 160 : i32] | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 160 : i32] | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 160 : i32] | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 160 : i32] | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 160 : i32] | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 160 : i32] | tensor<[1,1,1024,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 160, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 160 : i32] | tensor<[1,16,16,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | shape: [160 : i32, 1 : i32, 1 : i32] | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 160 : i32] | tensor<[1,1,1024,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 256 : i32] | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 160 : i32] | tensor<[1,1,9,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 960 : i32] | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 160 : i32] | tensor<[1,1,3136,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,73,73,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5329 : i32, 160 : i32] | tensor<[1,1,5329,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | shape: [1 : i32, 73 : i32, 73 : i32, 64 : i32] | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 160 : i32] | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 320 : i32] | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 160 : i32] | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 480 : i32] | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 160 : i32] | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 960 : i32] | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 144 : i32, 1632 : i32] | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 1632 : i32] | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 144 : i32, 1632 : i32] | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 1632 : i32] | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 144 : i32, 1632 : i32] | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 272 : i32] | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 144 : i32, 1632 : i32] | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 448, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 448 : i32] | tensor<[1,12,12,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 448, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 51, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1632 : i32] | tensor<[1,1,196,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 51, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1632 : i32] | tensor<[1,1,49,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1664,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 52, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1664 : i32] | tensor<[1,1,196,1664,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 52, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1664,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 52, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1664 : i32] | tensor<[1,1,49,1664,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 52, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 168 : i32] | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 672, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 672 : i32] | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | shape: [672 : i32, 1 : i32, 1 : i32] | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 53, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1696 : i32] | tensor<[1,1,196,1696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 53, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 53, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1696 : i32] | tensor<[1,1,49,1696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 53, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 16 : i32] | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 16 : i32] | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 16 : i32] | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 16 : i32] | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 16 : i32] | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 16, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 16 : i32] | tensor<[1,56,56,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 16 : i32] | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 24 : i32] | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 16 : i32] | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 16 : i32] | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 8 : i32] | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 16 : i32] | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 96, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 96 : i32] | tensor<[1,112,112,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,120,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 16 : i32] | tensor<[1,1,14400,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 96, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 120 : i32, 96 : i32] | tensor<[1,120,120,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,130,130,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16900 : i32, 16 : i32] | tensor<[1,1,16900,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 16900 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16900,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 96, 'bf16', 'dram') | shape: [1 : i32, 130 : i32, 130 : i32, 96 : i32] | tensor<[1,130,130,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 16 : i32] | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 48, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 48 : i32] | tensor<[1,14,14,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 48, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 16 : i32] | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 4 : i32] | tensor<[1,14,14,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 1 : i32, 1 : i32] | tensor<[4,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4 : i32, 1 : i32, 1 : i32] | tensor<[1,4,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25600 : i32, 16 : i32] | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | shape: [1 : i32, 160 : i32, 160 : i32, 16 : i32] | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25600 : i32, 16 : i32] | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | shape: [1 : i32, 160 : i32, 160 : i32, 16 : i32] | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25600 : i32, 16 : i32] | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25600,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'dram') | shape: [1 : i32, 160 : i32, 160 : i32, 64 : i32] | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 16 : i32] | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 16 : i32] | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 16 : i32] | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 32 : i32] | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 16 : i32] | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 32 : i32] | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 16 : i32] | tensor<[1,1,3136,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 24 : i32] | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 54, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1728 : i32] | tensor<[1,1,196,1728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 54, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 54, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1728 : i32] | tensor<[1,1,49,1728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 54, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,172,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 172 : i32] | tensor<[1,1,784,172,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 46 : i32] | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 174 : i32] | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1392 : i32] | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | shape: [1392 : i32, 1 : i32, 1 : i32] | tensor<[1392,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 174 : i32] | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 696 : i32] | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | shape: [696 : i32, 1 : i32, 1 : i32] | tensor<[696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1760,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 55, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1760 : i32] | tensor<[1,1,196,1760,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 55, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1760,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 55, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1760 : i32] | tensor<[1,1,49,1760,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 55, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1792,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 56, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 1792 : i32] | tensor<[1,1,196,1792,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 56, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 896, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 896 : i32] | tensor<[1,14,14,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 896, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1792,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 56, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1792 : i32] | tensor<[1,1,49,1792,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 56, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1824,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 57, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1824 : i32] | tensor<[1,1,49,1824,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 57, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 184 : i32] | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 184 : i32] | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 184 : i32] | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 184 : i32] | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 80 : i32] | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 184 : i32] | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 184 : i32] | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 184 : i32] | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 80 : i32] | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 184 : i32] | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 184 : i32] | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 184 : i32] | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 184 : i32] | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1856,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 58, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1856 : i32] | tensor<[1,1,49,1856,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 58, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,185,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 185 : i32] | tensor<[1,1,784,185,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1888,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 59, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 1888 : i32] | tensor<[1,1,49,1888,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 59, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 18 : i32] | tensor<[1,1,196,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 144 : i32] | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 18 : i32] | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 18 : i32] | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 18 : i32] | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 72 : i32] | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 18 : i32] | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 18 : i32] | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 18 : i32] | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 18 : i32] | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 18 : i32] | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 18 : i32] | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 32 : i32] | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 18 : i32] | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 36 : i32] | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1920 : i32] | tensor<[1,1,256,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 1920 : i32] | tensor<[1,1,256,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 1920 : i32] | tensor<[1,1,1024,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 1920 : i32] | tensor<[1,1,1024,1920,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 192 : i32] | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 192 : i32] | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 192 : i32] | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 192 : i32] | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 192 : i32] | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 64 : i32] | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 192 : i32] | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 192 : i32] | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 192 : i32] | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 192 : i32] | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 192 : i32] | tensor<[1,1,289,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 224 : i32] | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 192 : i32] | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 192 : i32] | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 16 : i32] | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 192 : i32] | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 192 : i32] | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 192 : i32] | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 192 : i32] | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 192 : i32] | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 32 : i32] | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 192 : i32] | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 64 : i32] | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 192 : i32] | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 96 : i32] | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 192 : i32] | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 224, 'bf16', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 224 : i32] | tensor<[1,35,35,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 224, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 192 : i32] | tensor<[1,1,1444,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 48 : i32] | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,48,48,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 2304 : i32, 192 : i32] | tensor<[1,1,2304,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,2304,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | shape: [1 : i32, 48 : i32, 48 : i32, 56 : i32] | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 192 : i32] | tensor<[1,1,3136,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,71,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5041 : i32, 192 : i32] | tensor<[1,1,5041,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 192 : i32] | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 192 : i32] | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 192 : i32] | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 192 : i32] | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 32 : i32] | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,79,79,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6241 + d1 * 79 + d2, d3), memory_config: (196, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 6241 : i32, 192 : i32] | tensor<[1,1,6241,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6241 + d1 * 6241 + d2, d3), memory_config: (196, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 192, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 192 : i32] | tensor<[1,38,38,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 192 : i32] | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1152 : i32] | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 192 : i32] | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 384 : i32] | tensor<[1,7,7,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 192 : i32] | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1152 : i32] | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9025 : i32, 192 : i32] | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | shape: [1 : i32, 95 : i32, 95 : i32, 192 : i32] | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9025 : i32, 192 : i32] | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9025,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | shape: [1 : i32, 95 : i32, 95 : i32, 32 : i32] | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,99,99,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9801 + d1 * 99 + d2, d3), memory_config: (307, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9801 : i32, 192 : i32] | tensor<[1,1,9801,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9801 + d1 * 9801 + d2, d3), memory_config: (307, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,2304,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 192, 'bf16', 'dram') | shape: [1 : i32, 48 : i32, 48 : i32, 192 : i32] | tensor<[1,48,48,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 196 : i32] | tensor<[1,1,196,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 1 : i32] | tensor<[1,1,784,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 16 : i32] | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 1 : i32] | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 1 : i32] | tensor<[1,1,784,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,676,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (676, 32, 'bf16', 'dram') | shape: [1 : i32, 26 : i32, 26 : i32, 32 : i32] | tensor<[1,26,26,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (676, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1 : i32, 1 : i32] | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 200 : i32] | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 200 : i32] | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 200 : i32] | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 200 : i32] | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 80 : i32] | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 200 : i32] | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 200 : i32] | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 200 : i32] | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 80 : i32] | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 200 : i32] | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 200 : i32] | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 200 : i32] | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 200 : i32] | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 2048 : i32] | tensor<[1,1,196,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2048 : i32] | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,20,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 300 : i32, 2048 : i32] | tensor<[1,1,300,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 300 + d2, d3), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,300,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 2048, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 20 : i32, 2048 : i32] | tensor<[1,15,20,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [2048 : i32, 1 : i32, 1 : i32] | tensor<[2048,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 920 : i32, 2048 : i32] | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,920,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 256, 'bf16', 'dram') | shape: [1 : i32, 23 : i32, 40 : i32, 256 : i32] | tensor<[1,23,40,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 920 : i32, 2048 : i32] | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | shape: [1 : i32, 23 : i32, 40 : i32, 512 : i32] | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 2048 : i32] | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 2048 : i32] | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2048 : i32] | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 2048 : i32] | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2048 : i32] | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 2048 : i32] | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32, 208 : i32] | tensor<[1,1,81,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 1248 : i32] | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 20 : i32] | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 72 : i32] | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [72 : i32, 1 : i32, 1 : i32] | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 20 : i32] | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 20 : i32] | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,218,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 218 : i32] | tensor<[1,1,784,218,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 78, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 78 : i32] | tensor<[1,28,28,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 78, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 224 : i32] | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 224 : i32] | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 224 : i32] | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 256 : i32] | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 224 : i32] | tensor<[1,1,289,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 256 : i32] | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 224 : i32] | tensor<[1,1,784,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 224 : i32] | tensor<[1,1,1225,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 256 : i32] | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 224 : i32] | tensor<[1,1,3136,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 224 : i32] | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 224 : i32] | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 224 : i32] | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 224 : i32] | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 232 : i32] | tensor<[1,1,100,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1392 : i32] | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 232 : i32] | tensor<[1,1,12544,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 232 : i32] | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 232 : i32] | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 58 : i32] | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [58 : i32, 1 : i32, 1 : i32] | tensor<[58,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 58 : i32, 1 : i32, 1 : i32] | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 232 : i32] | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 8 : i32] | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 1 : i32] | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 232 : i32] | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 232 : i32] | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 232 : i32] | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 232 : i32] | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 232 : i32] | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 696, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 696 : i32] | tensor<[1,56,56,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 696, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 232 : i32] | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 696 : i32] | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,236,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 236 : i32] | tensor<[1,1,196,236,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 68 : i32] | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 240 : i32] | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 240 : i32] | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 240 : i32] | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 240 : i32] | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 240 : i32] | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 240 : i32] | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 240 : i32] | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 240 : i32] | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 80 : i32] | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 240 : i32] | tensor<[1,1,225,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 80 : i32] | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 240 : i32] | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 960, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 960 : i32] | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | shape: [960 : i32, 1 : i32, 1 : i32] | tensor<[960,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 240 : i32] | tensor<[1,1,400,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 80 : i32] | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 240 : i32] | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 240 : i32] | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 240 : i32] | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 240 : i32] | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 240 : i32] | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 40 : i32] | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,29,29,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 841 + d1 * 29 + d2, d3), memory_config: (27, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 841 : i32, 240 : i32] | tensor<[1,1,841,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 841 + d1 * 841 + d2, d3), memory_config: (27, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 240 : i32] | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 900 : i32, 240 : i32] | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 30 : i32, 240 : i32] | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 900 : i32, 240 : i32] | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,900,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 30 : i32, 40 : i32] | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,31,31,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 961 + d1 * 31 + d2, d3), memory_config: (31, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 961 : i32, 240 : i32] | tensor<[1,1,961,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 961 + d1 * 961 + d2, d3), memory_config: (31, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 240, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 240 : i32] | tensor<[1,15,15,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1600 : i32, 240 : i32] | tensor<[1,1,1600,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 240 : i32] | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 24 : i32] | tensor<[1,1,12544,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 24 : i32] | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 24 : i32] | tensor<[1,1,196,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 64 : i32] | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 24 : i32] | tensor<[1,1,22500,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 144, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 144 : i32] | tensor<[1,150,150,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,190,190,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 36100 : i32, 24 : i32] | tensor<[1,1,36100,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 36100 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,36100,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 144, 'bf16', 'dram') | shape: [1 : i32, 190 : i32, 190 : i32, 144 : i32] | tensor<[1,190,190,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 24 : i32] | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 72 : i32] | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [72 : i32, 1 : i32, 1 : i32] | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 24 : i32] | tensor<[1,1,784,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 40 : i32] | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 24 : i32] | tensor<[1,1,784,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 72 : i32] | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 24 : i32] | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 144 : i32] | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 24 : i32] | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 14 : i32] | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 24 : i32] | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 24, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 24 : i32] | tensor<[1,28,28,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 24 : i32] | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 36 : i32] | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 24 : i32] | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 72 : i32] | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 24 : i32] | tensor<[1,1,3600,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 60 : i32, 144 : i32] | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4225 : i32, 24 : i32] | tensor<[1,1,4225,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4225,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | shape: [1 : i32, 65 : i32, 65 : i32, 144 : i32] | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 6400 : i32, 24 : i32] | tensor<[1,1,6400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | shape: [1 : i32, 80 : i32, 80 : i32, 72 : i32] | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 79, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 2520 : i32] | tensor<[1,1,196,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2520 : i32] | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 2520 : i32] | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2520 : i32] | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 2560 : i32] | tensor<[1,1,256,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 2560 : i32] | tensor<[1,1,256,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 2560 : i32] | tensor<[1,1,64,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1280 : i32] | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 2560 : i32] | tensor<[1,1,64,2560,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1280 : i32] | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 256 : i32] | tensor<[1,1,100,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'dram') | shape: [1 : i32, 5 : i32, 5 : i32, 256 : i32] | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 256 : i32] | tensor<[1,1,12544,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 128 : i32] | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 256 : i32] | tensor<[1,1,19200,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 256, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32, 256 : i32] | tensor<[1,120,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 256 : i32] | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 150, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 150 : i32] | tensor<[1,128,128,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 150, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[150,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | shape: [150 : i32, 1 : i32, 1 : i32] | tensor<[150,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[150,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 150 : i32, 1 : i32, 1 : i32] | tensor<[1,150,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 150 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 256 : i32] | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 256 : i32] | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 256 : i32] | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 256 : i32] | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 256 : i32] | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 256 : i32] | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 256 : i32] | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 256 : i32] | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 256 : i32] | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 256 : i32] | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 256 : i32] | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 512 : i32] | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 256 : i32] | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 256 : i32] | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 256 : i32] | tensor<[1,1,289,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 320, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 320 : i32] | tensor<[1,17,17,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57600 : i32, 256 : i32] | tensor<[1,1,57600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,57600,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 128, 'bf16', 'dram') | shape: [1 : i32, 180 : i32, 320 : i32, 128 : i32] | tensor<[1,180,320,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57600 : i32, 256 : i32] | tensor<[1,1,57600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | shape: [1 : i32, 90 : i32, 160 : i32, 512 : i32] | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57600 : i32, 256 : i32] | tensor<[1,1,57600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | shape: [1 : i32, 180 : i32, 320 : i32, 64 : i32] | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 256, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 160 : i32] | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 20 : i32] | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 32 : i32] | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 256 : i32] | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 64 : i32] | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 256 : i32] | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 24 : i32] | tensor<[1,2,2,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 1 : i32, 1 : i32] | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 256 : i32] | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 256 : i32] | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 256 : i32] | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 546 : i32] | tensor<[1,2,2,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [546 : i32, 1 : i32, 1 : i32] | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 546 : i32, 1 : i32, 1 : i32] | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 256 : i32] | tensor<[1,1,4,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 64 : i32] | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 255 : i32] | tensor<[1,32,32,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [255 : i32, 1 : i32, 1 : i32] | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 255 : i32, 1 : i32, 1 : i32] | tensor<[1,255,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 256 : i32] | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 256 : i32] | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 256 : i32] | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 512 : i32] | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 512 : i32] | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 256 : i32] | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 256 : i32] | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 256 : i32] | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 256 : i32] | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 256 : i32] | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 728 : i32] | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 256 : i32] | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 128 : i32] | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 256 : i32] | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 24 : i32] | tensor<[1,3,3,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 1 : i32, 1 : i32] | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 256 : i32] | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 256 : i32] | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 256 : i32] | tensor<[1,1,9,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 546 : i32] | tensor<[1,3,3,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [546 : i32, 1 : i32, 1 : i32] | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 546 : i32, 1 : i32, 1 : i32] | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 256 : i32] | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | shape: [1 : i32, 45 : i32, 80 : i32, 1024 : i32] | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 256 : i32] | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | shape: [1 : i32, 45 : i32, 80 : i32, 256 : i32] | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 512 : i32, 1 : i32] | tensor<[1,256,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 131072 + d1 * 512 + d2, d3), memory_config: (4096, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1024,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32, 256 : i32] | tensor<[1,1,512,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,512,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 1024, 'bf16', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1024 : i32] | tensor<[1,512,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,512,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 524288 + d1 * 512 + d2, d3), memory_config: (16384, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 512 : i32] | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 1 : i32] | tensor<[1024,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32] | tensor<[1,1024,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 18 : i32] | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 36 : i32] | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 512, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 512 : i32] | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32, 256 : i32] | tensor<[1,1,25,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | shape: [1 : i32, 5 : i32, 5 : i32, 512 : i32] | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 256 : i32] | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 128 : i32] | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 256 : i32] | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 128 : i32] | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 256 : i32] | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 255 : i32] | tensor<[1,64,64,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [255 : i32, 1 : i32, 1 : i32] | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 255 : i32, 1 : i32, 1 : i32] | tensor<[1,255,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 256 : i32] | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 256 : i32] | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1 : i32, 1 : i32] | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 256 : i32] | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 512 : i32] | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 256 : i32] | tensor<[1,1,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 256 : i32] | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 256 : i32] | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 256 : i32] | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 256 : i32] | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 256 : i32] | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 256 : i32] | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 256 : i32] | tensor<[1,1,5625,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 256 : i32] | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 256 : i32] | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 256 : i32] | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 256 : i32] | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 256 : i32] | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,90,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 256 : i32] | tensor<[1,1,14400,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | shape: [1 : i32, 45 : i32, 80 : i32, 256 : i32] | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,262,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 262 : i32] | tensor<[1,1,784,262,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 144 : i32, 272 : i32] | tensor<[1,1,144,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 1632 : i32] | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 272 : i32] | tensor<[1,1,49,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 160 : i32] | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,276,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 276 : i32] | tensor<[1,1,784,276,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 34 : i32] | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 288 : i32] | tensor<[1,1,196,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 288 : i32] | tensor<[1,1,289,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 88 : i32] | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 288 : i32] | tensor<[1,1,361,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 96 : i32] | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 288 : i32] | tensor<[1,1,784,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1089 : i32, 288 : i32] | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | shape: [1 : i32, 33 : i32, 33 : i32, 288 : i32] | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1089 : i32, 288 : i32] | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1089,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | shape: [1 : i32, 33 : i32, 33 : i32, 48 : i32] | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 288 : i32] | tensor<[1,1,1225,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 288, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 288 : i32] | tensor<[1,17,17,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 288, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 288 : i32] | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 288 : i32] | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 288 : i32] | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 48 : i32] | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,39,39,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1521 + d1 * 39 + d2, d3), memory_config: (48, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1521 : i32, 288 : i32] | tensor<[1,1,1521,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1521 + d1 * 1521 + d2, d3), memory_config: (48, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 288, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 288 : i32] | tensor<[1,19,19,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 288, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 28 : i32] | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 16 : i32] | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,296,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 296 : i32] | tensor<[1,1,784,296,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,134,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 134, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 134 : i32] | tensor<[1,28,28,134,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 134, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,304,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 304 : i32] | tensor<[1,1,196,304,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 116 : i32] | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 10 : i32, 1 : i32] | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 10 : i32, 3072 : i32] | tensor<[1,1,10,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,13,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (13, 3072, 'bf16', 'dram') | shape: [1 : i32, 13 : i32, 1 : i32, 3072 : i32] | tensor<[1,13,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (13, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 13 : i32] | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 11 : i32, 1 : i32] | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 11 : i32, 3072 : i32] | tensor<[1,1,11,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 * 11 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (14, 3072, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32, 3072 : i32] | tensor<[1,14,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (14, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 14 : i32] | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 12 : i32, 1 : i32] | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 3072 : i32] | tensor<[1,1,12,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,15,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (15, 3072, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 1 : i32, 3072 : i32] | tensor<[1,15,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (15, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 15 : i32] | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 13 : i32, 1 : i32] | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 13 : i32, 3072 : i32] | tensor<[1,1,13,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (16, 3072, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 3072 : i32] | tensor<[1,16,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (16, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,16,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 16 + d2, d3), memory_config: (1536, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 14 : i32, 1 : i32] | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14 : i32, 3072 : i32] | tensor<[1,1,14,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,17,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (17, 3072, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 1 : i32, 3072 : i32] | tensor<[1,17,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (17, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,17,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52224 + d1 * 17 + d2, d3), memory_config: (1632, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 17 : i32] | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 15 : i32, 1 : i32] | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 15 : i32, 3072 : i32] | tensor<[1,1,15,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 * 15 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,18,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (18, 3072, 'bf16', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 3072 : i32] | tensor<[1,18,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (18, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,18,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 55296 + d1 * 18 + d2, d3), memory_config: (1728, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 18 : i32] | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 6 : i32, 1 : i32] | tensor<[1,3072,6,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 6 : i32, 3072 : i32] | tensor<[1,1,6,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (9, 3072, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32, 3072 : i32] | tensor<[1,9,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (9, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 9 : i32] | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 7 : i32, 1 : i32] | tensor<[1,3072,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 7 : i32, 3072 : i32] | tensor<[1,1,7,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,10,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (10, 3072, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32, 3072 : i32] | tensor<[1,10,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (10, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 10 : i32] | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 8 : i32, 1 : i32] | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32, 3072 : i32] | tensor<[1,1,8,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,11,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (11, 3072, 'bf16', 'dram') | shape: [1 : i32, 11 : i32, 1 : i32, 3072 : i32] | tensor<[1,11,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (11, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 11 : i32] | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 8 : i32, 1 : i32] | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,768,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32, 3072 : i32] | tensor<[1,1,8,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 768 : i32] | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 8 : i32] | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32] | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32] | tensor<[1,768,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 9 : i32, 1 : i32] | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32, 4 : i32, 1 : i32] | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 3072 : i32] | tensor<[1,1,9,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 3072, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 3072 : i32] | tensor<[1,12,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 12 : i32] | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,310,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 310 : i32] | tensor<[1,1,784,310,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 58 : i32] | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 320 : i32] | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 320 : i32] | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 320 : i32] | tensor<[1,1,289,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 320 : i32] | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 320 : i32] | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1200 : i32, 320 : i32] | tensor<[1,1,1200,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,300,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 320, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 20 : i32, 320 : i32] | tensor<[1,15,20,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1200 : i32, 320 : i32] | tensor<[1,1,1200,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,300,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 512, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 20 : i32, 512 : i32] | tensor<[1,15,20,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1200 : i32, 320 : i32] | tensor<[1,1,1200,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32, 64 : i32] | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 320 : i32] | tensor<[1,1,1024,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 320 : i32] | tensor<[1,1,1024,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 320 : i32] | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 320 : i32] | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 320 : i32] | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 320, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 320 : i32] | tensor<[1,32,32,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 320 : i32] | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 4, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 4 : i32] | tensor<[1,64,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 4, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 1 : i32, 1 : i32] | tensor<[4,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4 : i32, 1 : i32, 1 : i32] | tensor<[1,4,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 320 : i32] | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1280, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1280 : i32] | tensor<[1,7,7,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 320 : i32] | tensor<[1,1,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1280 : i32] | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,328,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 328 : i32] | tensor<[1,1,784,328,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 320 : i32] | tensor<[1,28,28,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 16 : i32] | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 232, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 232 : i32] | tensor<[1,112,112,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 232 : i32] | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 32 : i32] | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 336, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 336 : i32] | tensor<[1,112,112,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 336 : i32] | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 32 : i32] | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 16, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 120 : i32, 16 : i32] | tensor<[1,120,120,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 32 : i32] | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 120 : i32, 32 : i32] | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,160,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 32 : i32] | tensor<[1,1,19200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 2, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32, 2 : i32] | tensor<[1,120,160,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 2, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 1 : i32, 1 : i32] | tensor<[2,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 32 : i32] | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 32 : i32] | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 32 : i32] | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 32 : i32] | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 32 : i32] | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 32, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 32 : i32] | tensor<[1,16,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1 : i32, 1 : i32] | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 32 : i32] | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 32 : i32] | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 64 : i32] | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16900 : i32, 32 : i32] | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 16900 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16900,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 16, 'bf16', 'dram') | shape: [1 : i32, 130 : i32, 130 : i32, 16 : i32] | tensor<[1,130,130,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16900 : i32, 32 : i32] | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 16900 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | shape: [1 : i32, 130 : i32, 130 : i32, 32 : i32] | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,147,147,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 21609 : i32, 32 : i32] | tensor<[1,1,21609,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') | shape: [1 : i32, 147 : i32, 147 : i32, 64 : i32] | tensor<[1,147,147,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,149,149,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (694, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22201 : i32, 32 : i32] | tensor<[1,1,22201,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 22201 + d2, d3), memory_config: (694, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,21609,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 32, 'bf16', 'dram') | shape: [1 : i32, 147 : i32, 147 : i32, 32 : i32] | tensor<[1,147,147,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 32 : i32] | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 32 : i32] | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 64 : i32] | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 32 : i32] | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 24, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 24 : i32] | tensor<[1,150,150,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 32 : i32] | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 32 : i32] | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 32 : i32] | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 64 : i32] | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 36100 : i32, 32 : i32] | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 36100 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,36100,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 24, 'bf16', 'dram') | shape: [1 : i32, 190 : i32, 190 : i32, 24 : i32] | tensor<[1,190,190,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 36100 : i32, 32 : i32] | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 36100 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | shape: [1 : i32, 190 : i32, 190 : i32, 32 : i32] | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 120 : i32] | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [120 : i32, 1 : i32, 1 : i32] | tensor<[120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 32 : i32] | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 1, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 1 : i32] | tensor<[1,256,256,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 1, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 32 : i32] | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 32 : i32] | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 32 : i32] | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 64 : i32] | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 32 : i32] | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 64 : i32] | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,26,26,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 676 : i32, 32 : i32] | tensor<[1,1,676,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 676 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 64 : i32] | tensor<[1,24,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 32 : i32] | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 192 : i32] | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 32 : i32] | tensor<[1,1,784,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 96 : i32] | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1200 : i32, 32 : i32] | tensor<[1,1,1200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1200,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 2, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32, 2 : i32] | tensor<[1,30,40,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 2, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 1 : i32, 1 : i32] | tensor<[2,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,512,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 262144 : i32, 32 : i32] | tensor<[1,1,262144,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 64 : i32] | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 32 : i32] | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 32 : i32] | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 32 : i32] | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 32 : i32] | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4800 : i32, 32 : i32] | tensor<[1,1,4800,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4800,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 2, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32, 2 : i32] | tensor<[1,60,80,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 2, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 1 : i32, 1 : i32] | tensor<[2,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5625 : i32, 32 : i32] | tensor<[1,1,5625,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 5625 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 192 : i32] | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 32 : i32] | tensor<[1,1,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9025 : i32, 32 : i32] | tensor<[1,1,9025,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 9025 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9025,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | shape: [1 : i32, 95 : i32, 95 : i32, 192 : i32] | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 336 : i32] | tensor<[1,1,12544,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 336 : i32] | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 336 : i32] | tensor<[1,1,196,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 336 : i32] | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 336 : i32] | tensor<[1,1,576,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 112 : i32] | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 2304 : i32, 336 : i32] | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | shape: [1 : i32, 48 : i32, 48 : i32, 336 : i32] | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 2304 : i32, 336 : i32] | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,2304,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | shape: [1 : i32, 48 : i32, 48 : i32, 56 : i32] | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,49,49,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2401 + d1 * 49 + d2, d3), memory_config: (76, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 2401 : i32, 336 : i32] | tensor<[1,1,2401,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2401 + d1 * 2401 + d2, d3), memory_config: (76, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 336, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 336 : i32] | tensor<[1,24,24,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 336 : i32] | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 336 : i32] | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 336 : i32] | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 336 : i32] | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 336 : i32] | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 672, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 672 : i32] | tensor<[1,56,56,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 336 : i32] | tensor<[1,1,3136,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 672 : i32] | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 348 : i32] | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1392 : i32] | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | shape: [1392 : i32, 1 : i32, 1 : i32] | tensor<[1392,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 348 : i32] | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3712, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 3712 : i32] | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3712, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | shape: [3712 : i32, 1 : i32, 1 : i32] | tensor<[3712,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 34 : i32] | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 20 : i32] | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 352 : i32] | tensor<[1,1,196,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 352 : i32] | tensor<[1,1,784,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,9,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 11, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32, 352 : i32] | tensor<[1,1,81,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1280, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 1280 : i32] | tensor<[1,9,9,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,360,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 360 : i32] | tensor<[1,1,196,360,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 68 : i32] | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,368,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 368 : i32] | tensor<[1,1,784,368,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 98, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 98 : i32] | tensor<[1,28,28,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 98, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 36 : i32] | tensor<[1,1,196,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 144 : i32] | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 36 : i32] | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 18 : i32] | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 36 : i32] | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 36 : i32] | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 36 : i32] | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 36 : i32] | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 36 : i32] | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 36 : i32] | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 64 : i32] | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 36 : i32] | tensor<[1,1,784,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 72 : i32] | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 36 : i32] | tensor<[1,1,3136,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 36 : i32] | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 116, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 3712 : i32] | tensor<[1,1,196,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 3712 : i32] | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 3712 : i32] | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 348 : i32] | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[348,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | shape: [348 : i32, 1 : i32, 1 : i32] | tensor<[348,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[348,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 348 : i32, 1 : i32, 1 : i32] | tensor<[1,348,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 3712 : i32] | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 3712 : i32] | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 384 : i32] | tensor<[1,1,100,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1280, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1280 : i32] | tensor<[1,10,10,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 384 : i32] | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 384 : i32] | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 384 : i32] | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 384 : i32] | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 64 : i32] | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 384 : i32] | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 96 : i32] | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 384 : i32] | tensor<[1,1,784,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 384 : i32] | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 192 : i32] | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 384 : i32] | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 384 : i32] | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 384 : i32] | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 64, 'bf16', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 64 : i32] | tensor<[1,35,35,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 384 : i32] | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 96 : i32] | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 384 : i32] | tensor<[1,1,4096,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 128 : i32] | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 384 : i32] | tensor<[1,1,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 256 : i32] | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 384 : i32] | tensor<[1,1,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 256 : i32] | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 384 : i32] | tensor<[1,1,64,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 448, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 448 : i32] | tensor<[1,8,8,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 448, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,1024,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1048576 + d1 * 1024 + d2, d3), memory_config: (32768, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1048576 : i32, 3 : i32] | tensor<[1,1,1048576,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1048576 + d1 * 1048576 + d2, d3), memory_config: (32768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 192 : i32] | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [192 : i32, 1 : i32, 1 : i32] | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 1 : i32, 1 : i32] | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 16 : i32] | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 16 : i32] | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 32 : i32] | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 64 : i32] | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 64 : i32] | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 768 : i32] | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32, 1 : i32] | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 3 : i32] | tensor<[1,1,50176,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 768, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 768 : i32] | tensor<[1,7,7,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,225,225,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50625 + d1 * 225 + d2, d3), memory_config: (1583, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50625 : i32, 3 : i32] | tensor<[1,1,50625,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50625 + d1 * 50625 + d2, d3), memory_config: (1583, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 32 : i32] | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,241,241,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58081 + d1 * 241 + d2, d3), memory_config: (1816, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 58081 : i32, 3 : i32] | tensor<[1,1,58081,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58081 + d1 * 58081 + d2, d3), memory_config: (1816, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 120 : i32, 32 : i32] | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 3 : i32] | tensor<[1,1,65536,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 32 : i32] | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,261,261,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68121 + d1 * 261 + d2, d3), memory_config: (2129, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 68121 : i32, 3 : i32] | tensor<[1,1,68121,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68121 + d1 * 68121 + d2, d3), memory_config: (2129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16900,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | shape: [1 : i32, 130 : i32, 130 : i32, 32 : i32] | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,299,299,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 299 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 89401 : i32, 3 : i32] | tensor<[1,1,89401,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 89401 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22201,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (22201, 32, 'bf16', 'dram') | shape: [1 : i32, 149 : i32, 149 : i32, 32 : i32] | tensor<[1,149,149,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (22201, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,299,299,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 299 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 89401 : i32, 3 : i32] | tensor<[1,1,89401,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 89401 + d1 * 89401 + d2, d3), memory_config: (2794, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 32 : i32] | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,301,301,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90601 + d1 * 301 + d2, d3), memory_config: (2832, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 90601 : i32, 3 : i32] | tensor<[1,1,90601,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90601 + d1 * 90601 + d2, d3), memory_config: (2832, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 32 : i32] | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,320,320,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102400 + d1 * 320 + d2, d3), memory_config: (3200, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 102400 : i32, 3 : i32] | tensor<[1,1,102400,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102400 + d1 * 102400 + d2, d3), memory_config: (3200, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25600,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | shape: [1 : i32, 160 : i32, 160 : i32, 16 : i32] | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,128,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 3 : i32] | tensor<[1,1,4096,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 768, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 32 : i32, 768 : i32] | tensor<[1,8,32,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32, 1 : i32] | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,381,381,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 145161 + d1 * 381 + d2, d3), memory_config: (4537, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 145161 : i32, 3 : i32] | tensor<[1,1,145161,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 145161 + d1 * 145161 + d2, d3), memory_config: (4537, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,36100,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | shape: [1 : i32, 190 : i32, 190 : i32, 32 : i32] | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,384,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196608 + d1 * 512 + d2, d3), memory_config: (6144, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196608 : i32, 3 : i32] | tensor<[1,1,196608,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196608 + d1 * 196608 + d2, d3), memory_config: (6144, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,192,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (192, 768, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 16 : i32, 768 : i32] | tensor<[1,12,16,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (192, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32, 1 : i32] | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,640,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 307200 : i32, 3 : i32] | tensor<[1,1,307200,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 307200 + d2, d3), memory_config: (9600, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32, 64 : i32] | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,512,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 262144 : i32, 3 : i32] | tensor<[1,1,262144,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 192 : i32] | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [192 : i32, 1 : i32, 1 : i32] | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 262144 : i32, 3 : i32] | tensor<[1,1,262144,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,262144,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (262144, 32, 'bf16', 'dram') | shape: [1 : i32, 512 : i32, 512 : i32, 32 : i32] | tensor<[1,512,512,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (262144, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 262144 : i32, 3 : i32] | tensor<[1,1,262144,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 32 : i32] | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,512,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 262144 : i32, 3 : i32] | tensor<[1,1,262144,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 262144 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 32 : i32] | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1 : i32, 1 : i32] | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,672,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 344064 + d1 * 672 + d2, d3), memory_config: (10752, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 344064 : i32, 3 : i32] | tensor<[1,1,344064,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 344064 + d1 * 344064 + d2, d3), memory_config: (10752, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1344,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (1344, 192, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 42 : i32, 192 : i32] | tensor<[1,32,42,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (1344, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | shape: [192 : i32, 1 : i32, 1 : i32] | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,518,518,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 268324 + d1 * 518 + d2, d3), memory_config: (8386, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 268324 : i32, 3 : i32] | tensor<[1,1,268324,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 268324 + d1 * 268324 + d2, d3), memory_config: (8386, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1369,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (1369, 1280, 'bf16', 'dram') | shape: [1 : i32, 37 : i32, 37 : i32, 1280 : i32] | tensor<[1,37,37,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (1369, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,720,1280,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 921600 + d1 * 1280 + d2, d3), memory_config: (28800, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 921600 : i32, 3 : i32] | tensor<[1,1,921600,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 921600 + d1 * 921600 + d2, d3), memory_config: (28800, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') | shape: [1 : i32, 360 : i32, 640 : i32, 64 : i32] | tensor<[1,360,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 40 : i32] | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 120 : i32] | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 40 : i32] | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 240 : i32] | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 40 : i32] | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 40 : i32] | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 80 : i32] | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 40 : i32] | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 120 : i32] | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 40 : i32] | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 240 : i32] | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 40 : i32] | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 40 : i32] | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 60 : i32] | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 900 : i32, 40 : i32] | tensor<[1,1,900,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 900 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,900,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 30 : i32, 240 : i32] | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1600 : i32, 40 : i32] | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1600,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | shape: [1 : i32, 40 : i32, 40 : i32, 120 : i32] | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1600 : i32, 40 : i32] | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1600,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'dram') | shape: [1 : i32, 40 : i32, 40 : i32, 240 : i32] | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 40 : i32] | tensor<[1,1,3136,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 14 : i32] | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,416,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 13, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 416 : i32] | tensor<[1,1,196,416,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 13, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,416,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 13, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 416 : i32] | tensor<[1,1,784,416,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 13, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,428,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 428 : i32] | tensor<[1,1,196,428,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 116 : i32] | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 14, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 144 : i32, 448 : i32] | tensor<[1,1,144,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1280, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 1280 : i32] | tensor<[1,12,12,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 448 : i32] | tensor<[1,1,196,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 14, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 448 : i32] | tensor<[1,1,784,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 14, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 448 : i32] | tensor<[1,1,3136,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 14, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 448 : i32] | tensor<[1,1,64,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 512, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 512 : i32] | tensor<[1,8,8,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,466,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 466 : i32] | tensor<[1,1,784,466,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 168, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 168 : i32] | tensor<[1,28,28,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 168, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 46 : i32] | tensor<[1,1,784,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 16 : i32] | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 480 : i32] | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 24 : i32] | tensor<[1,10,10,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 1 : i32, 1 : i32] | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 480 : i32] | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 256 : i32] | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 480 : i32] | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 480 : i32] | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 480 : i32] | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 480 : i32] | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 480 : i32] | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 546 : i32] | tensor<[1,10,10,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [546 : i32, 1 : i32, 1 : i32] | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 546 : i32, 1 : i32, 1 : i32] | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 480 : i32] | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 80 : i32] | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 112 : i32] | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 16 : i32] | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 192 : i32] | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 480 : i32] | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 480 : i32] | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 56 : i32] | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 64 : i32] | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 80 : i32] | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 480 : i32] | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 96 : i32] | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 480 : i32] | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 112 : i32] | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 480 : i32] | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 480 : i32] | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 480 : i32] | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 480 : i32] | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 480 : i32] | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 80 : i32] | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 480 : i32] | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 120 : i32] | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [120 : i32, 1 : i32, 1 : i32] | tensor<[120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 480 : i32] | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 112 : i32] | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 480 : i32] | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 480 : i32] | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 480 : i32] | tensor<[1,1,784,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 480 : i32] | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 480 : i32] | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 480 : i32] | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 480 : i32] | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 480 : i32] | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 480 : i32] | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 48 : i32] | tensor<[1,1,12544,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 48, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 48 : i32] | tensor<[1,56,56,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 48, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1089 : i32, 48 : i32] | tensor<[1,1,1089,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 1089 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1089,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | shape: [1 : i32, 33 : i32, 33 : i32, 288 : i32] | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 48 : i32] | tensor<[1,1,1444,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 288 : i32] | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 48 : i32] | tensor<[1,1,3136,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 12 : i32] | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 48 : i32] | tensor<[1,1,49,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 4 : i32] | tensor<[1,1,4096,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 1 : i32, 1 : i32] | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 112 : i32] | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 144, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 144 : i32] | tensor<[1,14,14,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 160 : i32] | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 192 : i32] | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 24, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 24 : i32] | tensor<[1,14,14,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 32 : i32] | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 64 : i32] | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,20,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 300 : i32, 512 : i32] | tensor<[1,1,300,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 300 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 20 : i32, 64 : i32] | tensor<[1,15,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 512 : i32] | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1024 : i32] | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 512 : i32] | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 255 : i32] | tensor<[1,16,16,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [255 : i32, 1 : i32, 1 : i32] | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 255 : i32, 1 : i32, 1 : i32] | tensor<[1,255,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 512 : i32] | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 256 : i32] | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 512 : i32] | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 512 : i32] | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 512 : i32] | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 512 : i32] | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1000,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1000, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1000 : i32] | tensor<[1,1,1,1000,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1000, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1000,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1000 : i32, 1 : i32, 1 : i32] | tensor<[1000,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1000,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1000 : i32, 1 : i32, 1 : i32] | tensor<[1,1000,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 512, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 920 : i32, 512 : i32] | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,920,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | shape: [1 : i32, 23 : i32, 40 : i32, 2048 : i32] | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 920 : i32, 512 : i32] | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 920 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | shape: [1 : i32, 23 : i32, 40 : i32, 512 : i32] | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1024, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 1024 : i32] | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1024 : i32] | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 19 : i32] | tensor<[1,28,28,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[19,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [19 : i32, 1 : i32, 1 : i32] | tensor<[19,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[19,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19 : i32, 1 : i32, 1 : i32] | tensor<[1,19,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 38 : i32] | tensor<[1,28,28,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[38,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [38 : i32, 1 : i32, 1 : i32] | tensor<[38,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[38,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 38 : i32, 1 : i32, 1 : i32] | tensor<[1,38,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 512 : i32] | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1024 : i32] | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 512 : i32] | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 512 : i32] | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 255 : i32] | tensor<[1,32,32,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [255 : i32, 1 : i32, 1 : i32] | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[255,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 255 : i32, 1 : i32, 1 : i32] | tensor<[1,255,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 255 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 512 : i32] | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 256 : i32] | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 512 : i32] | tensor<[1,1,1024,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 256 : i32] | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 512 : i32] | tensor<[1,1,3600,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,920,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | shape: [1 : i32, 23 : i32, 40 : i32, 512 : i32] | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 512 : i32] | tensor<[1,1,3136,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 512 : i32] | tensor<[1,1,3136,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32, 512 : i32] | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'dram') | shape: [1 : i32, 5 : i32, 5 : i32, 128 : i32] | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32, 512 : i32] | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'dram') | shape: [1 : i32, 5 : i32, 5 : i32, 24 : i32] | tensor<[1,5,5,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 1 : i32, 1 : i32] | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32, 512 : i32] | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | shape: [1 : i32, 5 : i32, 5 : i32, 512 : i32] | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32, 512 : i32] | tensor<[1,1,25,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'dram') | shape: [1 : i32, 5 : i32, 5 : i32, 546 : i32] | tensor<[1,5,5,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [546 : i32, 1 : i32, 1 : i32] | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 546 : i32, 1 : i32, 1 : i32] | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4800 : i32, 512 : i32] | tensor<[1,1,4800,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4800,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 512, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32, 512 : i32] | tensor<[1,60,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [512 : i32, 1 : i32, 1 : i32] | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 512 : i32] | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 512 : i32] | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 2048 : i32] | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 512 : i32] | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 512 : i32] | tensor<[1,1,64,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 256 : i32] | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 512 : i32] | tensor<[1,1,64,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 256 : i32] | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 512 : i32] | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | shape: [1 : i32, 45 : i32, 80 : i32, 1024 : i32] | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 512 : i32] | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | shape: [1 : i32, 90 : i32, 160 : i32, 128 : i32] | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14400 : i32, 512 : i32] | tensor<[1,1,14400,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 14400 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14400,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 256, 'bf16', 'dram') | shape: [1 : i32, 90 : i32, 160 : i32, 256 : i32] | tensor<[1,90,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 528 : i32] | tensor<[1,1,196,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 528 : i32] | tensor<[1,1,196,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 160 : i32] | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 528 : i32] | tensor<[1,1,196,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 528 : i32] | tensor<[1,1,196,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 32 : i32] | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 528 : i32] | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 120 : i32] | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 528 : i32] | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 528 : i32] | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 528 : i32] | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 528 : i32] | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 528 : i32] | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 88 : i32] | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,544,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 544 : i32] | tensor<[1,1,196,544,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,544,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 544 : i32] | tensor<[1,1,196,544,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 196, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 196 : i32] | tensor<[1,14,14,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 196, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 54 : i32] | tensor<[1,1,3136,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 24 : i32] | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 56 : i32] | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 56 : i32] | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 2304 : i32, 56 : i32] | tensor<[1,1,2304,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 2304 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,2304,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | shape: [1 : i32, 48 : i32, 48 : i32, 336 : i32] | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 576 : i32] | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 576 : i32] | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 576 : i32] | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 576 : i32] | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 576, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 576 : i32] | tensor<[1,7,7,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 576, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 576 : i32] | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 96 : i32] | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 576 : i32] | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 136 : i32] | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 576 : i32] | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 576 : i32] | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 576 : i32] | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 576 : i32] | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 576 : i32] | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 96 : i32] | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 18, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 576 : i32] | tensor<[1,1,49,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 160 : i32] | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 58 : i32] | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 232 : i32] | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [232 : i32, 1 : i32, 1 : i32] | tensor<[232,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 58 : i32] | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 696 : i32] | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | shape: [696 : i32, 1 : i32, 1 : i32] | tensor<[696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 58 : i32] | tensor<[1,1,784,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 20 : i32] | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,608,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 19, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 608 : i32] | tensor<[1,1,196,608,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 19, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 60 : i32] | tensor<[1,1,784,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 60 : i32] | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 62 : i32] | tensor<[1,1,784,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 28 : i32] | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 640 : i32] | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 640 : i32] | tensor<[1,1,256,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32, 640 : i32] | tensor<[1,1,256,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 640, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 640 : i32] | tensor<[1,16,16,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 640 : i32] | tensor<[1,1,4096,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 640 : i32] | tensor<[1,1,4096,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 640 : i32] | tensor<[1,1,4096,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 640, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 640 : i32] | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 640 : i32] | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 160 : i32] | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 64 : i32] | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 128 : i32] | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 64 : i32] | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 128 : i32] | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 64 : i32] | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 64 : i32] | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 64 : i32] | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 64 : i32] | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 64 : i32] | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4800,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 128, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32, 128 : i32] | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 1 : i32, 1 : i32] | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 64 : i32] | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 32, 'bf16', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32, 32 : i32] | tensor<[1,120,160,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1 : i32, 1 : i32] | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19200 : i32, 64 : i32] | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 20 : i32, 64 : i32] | tensor<[1,15,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 64 : i32] | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 128 : i32] | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 64 : i32] | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 128 : i32] | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 64 : i32] | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 32 : i32] | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 64 : i32] | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 64 : i32] | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 64 : i32] | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 64 : i32] | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,147,147,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 21609 : i32, 64 : i32] | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5329,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 96, 'bf16', 'dram') | shape: [1 : i32, 73 : i32, 73 : i32, 96 : i32] | tensor<[1,73,73,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 64 : i32] | tensor<[1,1,196,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 384 : i32] | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 64 : i32] | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 128 : i32] | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 64 : i32] | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5625,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | shape: [1 : i32, 75 : i32, 75 : i32, 128 : i32] | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22500 : i32, 64 : i32] | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 22500 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | shape: [1 : i32, 150 : i32, 150 : i32, 64 : i32] | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 25600 : i32, 64 : i32] | tensor<[1,1,25600,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 25600 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6400,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'dram') | shape: [1 : i32, 80 : i32, 80 : i32, 64 : i32] | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57600 : i32, 64 : i32] | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,57600,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 256, 'bf16', 'dram') | shape: [1 : i32, 180 : i32, 320 : i32, 256 : i32] | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57600 : i32, 64 : i32] | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | shape: [1 : i32, 180 : i32, 320 : i32, 64 : i32] | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57600 : i32, 64 : i32] | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | shape: [1 : i32, 180 : i32, 320 : i32, 64 : i32] | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 64 : i32] | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 1, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 1 : i32] | tensor<[1,224,224,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 1, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 64 : i32] | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 64 : i32] | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 64 : i32] | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32, 64 : i32] | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 64 : i32] | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 128 : i32] | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 64 : i32] | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 32 : i32] | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 64 : i32] | tensor<[1,1,65536,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 32 : i32] | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 64 : i32] | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 64 : i32] | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 64 : i32] | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 64 : i32] | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 64 : i32] | tensor<[1,1,4,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1200 : i32, 64 : i32] | tensor<[1,1,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 1200 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1200,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 32, 'bf16', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32, 32 : i32] | tensor<[1,30,40,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1 : i32, 1 : i32] | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 64 : i32] | tensor<[1,1,1225,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 96 : i32] | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 307200 : i32, 64 : i32] | tensor<[1,1,307200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 307200 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,307200,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 1, 'bf16', 'dram') | shape: [1 : i32, 480 : i32, 640 : i32, 1 : i32] | tensor<[1,480,640,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 1, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 307200 : i32, 64 : i32] | tensor<[1,1,307200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 307200 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,307200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 64, 'bf16', 'dram') | shape: [1 : i32, 480 : i32, 640 : i32, 64 : i32] | tensor<[1,480,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 14 : i32] | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 192, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 192 : i32] | tensor<[1,56,56,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 24 : i32] | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 256 : i32] | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4800 : i32, 64 : i32] | tensor<[1,1,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 4800 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4800,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 32, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32, 32 : i32] | tensor<[1,60,80,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1 : i32, 1 : i32] | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 64 : i32] | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 128 : i32] | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 64 : i32] | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 160, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 160 : i32] | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | shape: [160 : i32, 1 : i32, 1 : i32] | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 64 : i32] | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 64 : i32] | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 64 : i32] | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 64 : i32] | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5329 : i32, 64 : i32] | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | shape: [1 : i32, 73 : i32, 73 : i32, 64 : i32] | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5329 : i32, 64 : i32] | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | shape: [1 : i32, 73 : i32, 73 : i32, 64 : i32] | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5329 : i32, 64 : i32] | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5041,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (5041, 96, 'bf16', 'dram') | shape: [1 : i32, 71 : i32, 71 : i32, 96 : i32] | tensor<[1,71,71,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (5041, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 6400 : i32, 64 : i32] | tensor<[1,1,6400,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | shape: [1 : i32, 80 : i32, 80 : i32, 24 : i32] | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,654,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 654 : i32] | tensor<[1,1,196,654,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 640 : i32] | tensor<[1,14,14,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 672 : i32] | tensor<[1,1,100,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 80 : i32] | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 672 : i32] | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 112 : i32] | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 672 : i32] | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 672 : i32] | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 56 : i32] | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 672 : i32] | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 672 : i32] | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 672 : i32] | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 672 : i32] | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 672 : i32] | tensor<[1,1,196,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 672 : i32] | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 672 : i32] | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 112 : i32] | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 672 : i32] | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 672 : i32] | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 672 : i32] | tensor<[1,1,289,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 672 : i32] | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 672 : i32] | tensor<[1,1,361,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 672, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 672 : i32] | tensor<[1,8,8,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 672 : i32] | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 168, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 168 : i32] | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 168, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[168,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | shape: [168 : i32, 1 : i32, 1 : i32] | tensor<[168,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[168,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 168 : i32, 1 : i32, 1 : i32] | tensor<[1,168,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 672 : i32] | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 112 : i32] | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 672 : i32] | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 24 : i32] | tensor<[1,20,20,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 1 : i32, 1 : i32] | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 672 : i32] | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 546 : i32] | tensor<[1,20,20,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | shape: [546 : i32, 1 : i32, 1 : i32] | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[546,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 546 : i32, 1 : i32, 1 : i32] | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 672 : i32] | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 672 : i32] | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 672 : i32] | tensor<[1,1,400,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 672 : i32] | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 672 : i32] | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 112 : i32] | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 672 : i32] | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 160 : i32] | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 672 : i32] | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 672 : i32] | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 672 : i32] | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 672 : i32] | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 672 : i32] | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1344, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 1344 : i32] | tensor<[1,28,28,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1344, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 672 : i32] | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1344 : i32] | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 672 : i32] | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 672 : i32] | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 672 : i32] | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 672 : i32] | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 672 : i32] | tensor<[1,1,3136,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 672 : i32] | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 672 : i32] | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 160 : i32] | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 672 : i32] | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 192 : i32] | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 672 : i32] | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 672 : i32] | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 672 : i32] | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 672 : i32] | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 672 : i32] | tensor<[1,1,49,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 80 : i32] | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32, 672 : i32] | tensor<[1,1,64,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 192 : i32] | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 68 : i32] | tensor<[1,1,196,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 40 : i32] | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 696 : i32] | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 174 : i32] | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[174,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | shape: [174 : i32, 1 : i32, 1 : i32] | tensor<[174,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[174,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 174 : i32, 1 : i32, 1 : i32] | tensor<[1,174,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 174 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 696 : i32] | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 58 : i32] | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [58 : i32, 1 : i32, 1 : i32] | tensor<[58,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 58 : i32, 1 : i32, 1 : i32] | tensor<[1,58,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 696 : i32] | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1392, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 1392 : i32] | tensor<[1,28,28,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 696 : i32] | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1392 : i32] | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 696 : i32] | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 696 : i32] | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 696 : i32] | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 696 : i32] | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 696 : i32] | tensor<[1,1,3136,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 696 : i32] | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,704,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 704 : i32] | tensor<[1,1,196,704,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 720 : i32] | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 120 : i32] | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 720 : i32] | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 720 : i32] | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,21,21,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 441 + d1 * 21 + d2, d3), memory_config: (14, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 441 : i32, 720 : i32] | tensor<[1,1,441,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 441 + d1 * 441 + d2, d3), memory_config: (14, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 720, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 720 : i32] | tensor<[1,9,9,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 720, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,9,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32, 720 : i32] | tensor<[1,1,81,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 81 + d2, d3), memory_config: (3, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | shape: [1 : i32, 9 : i32, 9 : i32, 208 : i32] | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 728 : i32] | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 1024, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 1024 : i32] | tensor<[1,19,19,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 728 : i32] | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 1024 : i32] | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 728 : i32] | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 728 : i32] | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 728 : i32] | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 728 : i32] | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 728 : i32] | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 728 : i32] | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 728 : i32] | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 728 : i32] | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 728 : i32] | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | shape: [1 : i32, 38 : i32, 38 : i32, 728 : i32] | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1444 : i32, 728 : i32] | tensor<[1,1,1444,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 1444 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 728 : i32] | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 72 : i32] | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 72 : i32] | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 144 : i32] | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 72 : i32] | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 18 : i32] | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 72 : i32] | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 36 : i32] | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 72 : i32] | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 72 : i32] | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 72 : i32] | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 72 : i32] | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 20 : i32] | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[20,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [20 : i32, 1 : i32, 1 : i32] | tensor<[20,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[20,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 20 : i32, 1 : i32, 1 : i32] | tensor<[1,20,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 72 : i32] | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 24 : i32] | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [24 : i32, 1 : i32, 1 : i32] | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 72 : i32] | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 20 : i32] | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 72 : i32] | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 40 : i32] | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 72 : i32] | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 72 : i32] | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 72 : i32] | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 72 : i32] | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1600 : i32, 72 : i32] | tensor<[1,1,1600,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 1600 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1600,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | shape: [1 : i32, 40 : i32, 40 : i32, 40 : i32] | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 72 : i32] | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 12 : i32] | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 72 : i32] | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 24 : i32] | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 72 : i32] | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 72 : i32] | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 72 : i32] | tensor<[1,1,3136,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 72 : i32] | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 6400 : i32, 72 : i32] | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6400,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | shape: [1 : i32, 80 : i32, 80 : i32, 24 : i32] | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 6400 : i32, 72 : i32] | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | shape: [1 : i32, 80 : i32, 80 : i32, 72 : i32] | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 6400 : i32, 72 : i32] | tensor<[1,1,6400,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 6400 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1600,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'dram') | shape: [1 : i32, 40 : i32, 40 : i32, 72 : i32] | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,736,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 736 : i32] | tensor<[1,1,196,736,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,736,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 23, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 736 : i32] | tensor<[1,1,784,736,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 512 : i32] | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,740,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 740 : i32] | tensor<[1,1,196,740,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,334,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 334, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 334 : i32] | tensor<[1,14,14,334,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 334, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 768 : i32] | tensor<[1,1,196,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 768, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32, 1 : i32] | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 257 : i32, 768 : i32] | tensor<[1,1,257,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 * 257 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,257,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 27, 'bf16', 'dram') | shape: [1 : i32, 257 : i32, 1 : i32, 27 : i32] | tensor<[1,257,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 27, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 257 : i32, 768 : i32] | tensor<[1,1,257,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 * 257 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,257,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 768, 'bf16', 'dram') | shape: [1 : i32, 257 : i32, 1 : i32, 768 : i32] | tensor<[1,257,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 3000 : i32, 1 : i32] | tensor<[1,768,3000,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304000 + d1 * 3000 + d2, d3), memory_config: (72000, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,768,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 768 : i32, 3 : i32, 1 : i32] | tensor<[768,768,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 3 + d2, d3), memory_config: (55296, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3000,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (94, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3000 : i32, 768 : i32] | tensor<[1,1,3000,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 * 3000 + d2, d3), memory_config: (94, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1500,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (1500, 768, 'bf16', 'dram') | shape: [1 : i32, 1500 : i32, 1 : i32, 768 : i32] | tensor<[1,1500,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (1500, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,1500,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152000 + d1 * 1500 + d2, d3), memory_config: (36000, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1500 : i32] | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32] | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32] | tensor<[1,768,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 768 : i32] | tensor<[1,1,1024,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 256 : i32] | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 768 : i32] | tensor<[1,1,49,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 224 : i32] | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 8 : i32, 1 : i32] | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,192,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[3072,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32, 768 : i32] | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 3072, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 3072 : i32] | tensor<[1,8,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 3072, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 8 : i32] | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [3072 : i32, 1 : i32] | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 8 : i32, 1 : i32] | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,192,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (4608, 1, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[768,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (4608, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32, 768 : i32] | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 768 : i32] | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 8 : i32] | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32] | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32] | tensor<[1,768,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 8 : i32, 1 : i32] | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,768,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32, 768 : i32] | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 768 : i32] | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 8 : i32] | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32] | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32] | tensor<[1,768,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,782,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 782 : i32] | tensor<[1,1,49,782,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 78 : i32] | tensor<[1,1,784,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 16 : i32] | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 78 : i32] | tensor<[1,1,784,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 34 : i32] | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 78 : i32] | tensor<[1,1,3136,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 24 : i32] | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,800,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 25, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 800 : i32] | tensor<[1,1,196,800,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 25, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,800,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 800 : i32] | tensor<[1,1,49,800,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 25, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 272, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 272 : i32] | tensor<[1,7,7,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 272, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 80 : i32] | tensor<[1,1,100,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 480 : i32] | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,100,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 100, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 100 : i32] | tensor<[1,14,14,100,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 100, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 112 : i32] | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 184 : i32] | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 200 : i32] | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 240 : i32] | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 480 : i32] | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 80 : i32] | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 80 : i32] | tensor<[1,1,196,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 92 : i32] | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 225 : i32, 80 : i32] | tensor<[1,1,225,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 225 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,225,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | shape: [1 : i32, 15 : i32, 15 : i32, 480 : i32] | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 80 : i32] | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 184 : i32] | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 80 : i32] | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 200 : i32] | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 400 : i32, 80 : i32] | tensor<[1,1,400,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 400 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,400,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | shape: [1 : i32, 20 : i32, 20 : i32, 480 : i32] | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,80,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (3, 94, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 80 : i32, 3000 : i32, 1 : i32] | tensor<[1,80,3000,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240000 + d1 * 3000 + d2, d3), memory_config: (7500, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,80,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 80 : i32, 3 : i32, 1 : i32] | tensor<[768,80,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 3 + d2, d3), memory_config: (5760, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3000,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (94, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3000 : i32, 80 : i32] | tensor<[1,1,3000,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 * 3000 + d2, d3), memory_config: (94, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3000,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (3000, 768, 'bf16', 'dram') | shape: [1 : i32, 3000 : i32, 1 : i32, 768 : i32] | tensor<[1,3000,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (3000, 768, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,3000,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304000 + d1 * 3000 + d2, d3), memory_config: (72000, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 3000 : i32] | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 1 : i32] | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32] | tensor<[1,768,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 80 : i32] | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 184 : i32] | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 80 : i32] | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 200 : i32] | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 80 : i32] | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 480 : i32] | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 80 : i32] | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 80 : i32] | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,10,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 100 : i32, 816 : i32] | tensor<[1,1,100,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 232 : i32] | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 816 : i32] | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 136 : i32] | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 816 : i32] | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 816 : i32] | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,23,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 529 + d1 * 23 + d2, d3), memory_config: (17, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 529 : i32, 816 : i32] | tensor<[1,1,529,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 529 + d1 * 529 + d2, d3), memory_config: (17, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 816, 'bf16', 'dram') | shape: [1 : i32, 10 : i32, 10 : i32, 816 : i32] | tensor<[1,10,10,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 816, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 832 : i32] | tensor<[1,1,196,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 832 : i32] | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 832 : i32] | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 160 : i32] | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 832 : i32] | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 192 : i32] | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 832 : i32] | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 256 : i32] | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 832 : i32] | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 32 : i32] | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 832 : i32] | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 384 : i32] | tensor<[1,7,7,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 832 : i32] | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 48, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 48 : i32] | tensor<[1,7,7,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 48, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,864,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 27, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 864 : i32] | tensor<[1,1,196,864,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 27, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 289 : i32, 88 : i32] | tensor<[1,1,289,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 528 : i32] | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 896 : i32] | tensor<[1,1,196,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 896 : i32] | tensor<[1,1,196,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 256 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 28, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 896 : i32] | tensor<[1,1,49,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 28, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 8 : i32] | tensor<[1,1,12544,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 8 : i32] | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 8 : i32] | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 232 : i32] | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [232 : i32, 1 : i32, 1 : i32] | tensor<[232,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,928,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 29, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 928 : i32] | tensor<[1,1,196,928,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,928,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 29, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 928 : i32] | tensor<[1,1,49,928,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 92 : i32] | tensor<[1,1,196,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 92 : i32] | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 94 : i32] | tensor<[1,1,784,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 28 : i32] | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 144 : i32, 960 : i32] | tensor<[1,1,144,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 272 : i32] | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 960 : i32] | tensor<[1,1,196,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 960 : i32] | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1280, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1280 : i32] | tensor<[1,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1280, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 1 : i32, 1 : i32] | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 960 : i32] | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 240, 'bf16', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 240 : i32] | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 240, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [240 : i32, 1 : i32, 1 : i32] | tensor<[240,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 960 : i32] | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 160 : i32] | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 960 : i32] | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,576,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 960 : i32] | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,27,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 729 + d1 * 27 + d2, d3), memory_config: (23, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 729 : i32, 960 : i32] | tensor<[1,1,729,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 729 + d1 * 729 + d2, d3), memory_config: (23, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 960, 'bf16', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 960 : i32] | tensor<[1,12,12,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 960 : i32] | tensor<[1,1,1024,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 960 : i32] | tensor<[1,1,1024,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 1 : i32, 1 : i32] | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 960 : i32] | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 960 : i32] | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 960 : i32] | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 960 : i32] | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 960 : i32] | tensor<[1,1,4096,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 960 : i32] | tensor<[1,1,4096,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [320 : i32, 1 : i32, 1 : i32] | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 960 : i32] | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 960 : i32] | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 160 : i32] | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 960 : i32] | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 320 : i32] | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 960 : i32] | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 80 : i32] | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 960 : i32] | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 960 : i32] | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 960 : i32] | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 960 : i32] | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 96 : i32] | tensor<[1,1,12544,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 96 : i32] | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,113,113,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12769 + d1 * 113 + d2, d3), memory_config: (400, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12769 : i32, 96 : i32] | tensor<[1,1,12769,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12769 + d1 * 12769 + d2, d3), memory_config: (400, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 96 : i32] | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,121,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14641 + d1 * 121 + d2, d3), memory_config: (458, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14641 : i32, 96 : i32] | tensor<[1,1,14641,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14641 + d1 * 14641 + d2, d3), memory_config: (458, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 96, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 60 : i32, 96 : i32] | tensor<[1,60,60,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,131,131,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17161 + d1 * 131 + d2, d3), memory_config: (537, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 17161 : i32, 96 : i32] | tensor<[1,1,17161,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17161 + d1 * 17161 + d2, d3), memory_config: (537, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 96, 'bf16', 'dram') | shape: [1 : i32, 65 : i32, 65 : i32, 96 : i32] | tensor<[1,65,65,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 96 : i32] | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 208, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 208 : i32] | tensor<[1,14,14,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 208, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 96 : i32] | tensor<[1,1,196,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 576 : i32] | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 361 : i32, 96 : i32] | tensor<[1,1,361,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 361 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,361,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | shape: [1 : i32, 19 : i32, 19 : i32, 576 : i32] | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 96 : i32] | tensor<[1,1,784,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 96 : i32] | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 96 : i32] | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 96 : i32] | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 96 : i32] | tensor<[1,1,3136,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 24 : i32] | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,60,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3600 : i32, 96 : i32] | tensor<[1,1,3600,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 3600 + d2, d3), memory_config: (113, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3600,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | shape: [1 : i32, 60 : i32, 60 : i32, 24 : i32] | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65,65,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4225 : i32, 96 : i32] | tensor<[1,1,4225,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 4225 + d2, d3), memory_config: (133, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4225,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | shape: [1 : i32, 65 : i32, 65 : i32, 24 : i32] | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 98 : i32] | tensor<[1,1,784,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 20 : i32] | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,992,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 31, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 992 : i32] | tensor<[1,1,196,992,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 31, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,992,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 31, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32, 992 : i32] | tensor<[1,1,49,992,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 31, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32, 1 : i32] | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 10 : i32] | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32, 1 : i32] | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 10 : i32] | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 11 : i32, 1 : i32, 1 : i32] | tensor<[1,11,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 11 : i32] | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 12 : i32] | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 13 : i32, 1 : i32, 1 : i32] | tensor<[1,13,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 13 : i32] | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32, 1 : i32] | tensor<[1,14,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 14 : i32] | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 15 : i32, 1 : i32, 1 : i32] | tensor<[1,15,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 15 : i32] | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 17 : i32, 1 : i32, 1 : i32] | tensor<[1,17,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 17 : i32] | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 18 : i32] | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 19 : i32, 1 : i32, 1 : i32] | tensor<[1,19,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 19 : i32] | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 20 : i32, 1 : i32, 1 : i32] | tensor<[1,20,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 20 : i32] | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 21 : i32, 1 : i32, 1 : i32] | tensor<[1,21,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,21,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 21 : i32] | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 22 : i32, 1 : i32, 1 : i32] | tensor<[1,22,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,22,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 22 : i32] | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 23 : i32, 1 : i32, 1 : i32] | tensor<[1,23,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 23 : i32] | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 24 : i32] | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 25 : i32, 1 : i32, 1 : i32] | tensor<[1,25,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 25 : i32] | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 26 : i32, 1 : i32, 1 : i32] | tensor<[1,26,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,26,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 26 : i32] | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 27 : i32, 1 : i32, 1 : i32] | tensor<[1,27,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 27 : i32] | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 28 : i32, 1 : i32, 1 : i32] | tensor<[1,28,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 28 : i32] | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 29 : i32, 1 : i32, 1 : i32] | tensor<[1,29,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,29,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 29 : i32] | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 32 : i32] | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 5 : i32, 1 : i32, 1 : i32] | tensor<[1,5,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 5 : i32] | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32, 1 : i32] | tensor<[1,6,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 6 : i32] | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 7 : i32, 1 : i32, 1 : i32] | tensor<[1,7,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 7 : i32] | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 8 : i32] | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32, 1 : i32] | tensor<[1,9,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 9 : i32] | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [45 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[45,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | shape: [45 : i32] | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [5 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[5,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [5 : i32] | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 4748, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1536 : i32, 151936 : i32] | tensor<[1,1536,151936,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1536 + d1, d2), memory_config: (48, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 128 : i32] | tensor<[1,3072,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1536 : i32] | tensor<[1,3072,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 11 : i32] | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 12 : i32] | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 12 : i32] | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 13 : i32] | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 13 : i32] | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 14 : i32] | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 15 : i32] | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 17 : i32] | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 18 : i32] | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 19 : i32] | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 20 : i32] | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 21 : i32] | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 22 : i32] | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 23 : i32] | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 24 : i32] | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 25 : i32] | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 26 : i32] | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 27 : i32] | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 28 : i32] | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 29 : i32] | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 32 : i32] | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 45 : i32] | tensor<[1,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[46,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 46 : i32] | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[47,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 47 : i32] | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 48 : i32] | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[49,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 49 : i32] | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[50,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 50 : i32] | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[51,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 51 : i32] | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[52,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 52 : i32] | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[53,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 53 : i32] | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[54,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 54 : i32] | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[55,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 55 : i32] | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 56 : i32] | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[57,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 57 : i32] | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 58 : i32] | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[59,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 59 : i32] | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 5 : i32] | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[60,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 60 : i32] | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[61,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 61 : i32] | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[62,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 62 : i32] | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[63,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 63 : i32] | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 64 : i32] | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[65,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 65 : i32] | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[66,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 66 : i32] | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[67,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 67 : i32] | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[68,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 68 : i32] | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[69,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 69 : i32] | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 6 : i32] | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[70,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 70 : i32] | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[71,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 71 : i32] | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 72 : i32] | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[73,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 73 : i32] | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[74,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 74 : i32] | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[75,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 75 : i32] | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[76,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 76 : i32] | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[77,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 77 : i32] | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[78,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 78 : i32] | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[79,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 79 : i32] | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 7 : i32] | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 80 : i32] | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[81,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 81 : i32] | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[82,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 82 : i32] | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[83,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 83 : i32] | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[84,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 84 : i32] | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[85,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 85 : i32] | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[86,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 86 : i32] | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[87,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 87 : i32] | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[88,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 88 : i32] | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[89,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 89 : i32] | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 8 : i32] | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[90,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 90 : i32] | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[91,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 91 : i32] | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[92,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 92 : i32] | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[93,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 93 : i32] | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[94,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 94 : i32] | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[95,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 95 : i32] | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 96 : i32] | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[97,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 97 : i32] | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[98,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 98 : i32] | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[99,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 99 : i32] | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 9 : i32] | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 5 : i32, 1 : i32] | tensor<[1,5,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 5 : i32] | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 6 : i32] | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 128 : i32] | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 128 : i32] | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 128 : i32] | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 128 : i32] | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 128 : i32] | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 128 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32, 128 : i32] | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 16 : i32] | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 16 : i32] | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,71,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5041 : i32, 192 : i32] | tensor<[1,1,5041,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 35 : i32, 35 : i32, 192 : i32] | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 256 : i32] | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 256 : i32] | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 256 : i32] | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 256 : i32] | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 256 : i32] | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 320 : i32] | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 320 : i32] | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 32 : i32] | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 32 : i32] | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65536 : i32, 32 : i32] | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 32 : i32] | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,35,35,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1225 : i32, 384 : i32] | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 17 : i32, 17 : i32, 384 : i32] | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 4 : i32] | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 4 : i32] | tensor<[1,7,7,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 512 : i32] | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 784 : i32, 512 : i32] | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 512 : i32] | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 640 : i32] | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 640 : i32] | tensor<[1,7,7,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12544 : i32, 64 : i32] | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 64 : i32] | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16384 : i32, 64 : i32] | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,147,147,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 21609 : i32, 64 : i32] | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 73 : i32, 73 : i32, 64 : i32] | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50176 : i32, 64 : i32] | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 112 : i32, 112 : i32, 64 : i32] | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 576 : i32, 64 : i32] | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 64 : i32] | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,360,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 230400 : i32, 64 : i32] | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 180 : i32, 320 : i32, 64 : i32] | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3136 : i32, 64 : i32] | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 64 : i32] | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 196 : i32, 832 : i32] | tensor<[1,1,196,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 832 : i32] | tensor<[1,7,7,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32] | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32] | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32] | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32] | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 11 : i32, 1 : i32] | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32] | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1392,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 13 : i32, 1 : i32] | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 13 : i32, 1 : i32] | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32] | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 15 : i32, 1 : i32] | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 15 : i32, 1 : i32] | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1920,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1920 : i32, 1 : i32, 1 : i32] | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,232,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2520,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2520 : i32, 1 : i32, 1 : i32] | tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32] | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32] | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3712,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,696,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32] | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 7 : i32, 1 : i32] | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32] | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32] | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,13,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 13 : i32, 1 : i32] | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32] | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 100 : i32, 1 : i32, 1 : i32] | tensor<[1,100,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 160 : i32] | tensor<[1,1,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 640 : i32] | tensor<[1,1,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1056 : i32, 1 : i32, 1 : i32] | tensor<[1,1056,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1056 : i32, 1 : i32, 1 : i32] | tensor<[1,1056,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1088 : i32, 1 : i32, 1 : i32] | tensor<[1,1088,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1088 : i32, 1 : i32, 1 : i32] | tensor<[1,1088,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1120 : i32, 1 : i32, 1 : i32] | tensor<[1,1120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1120 : i32, 1 : i32, 1 : i32] | tensor<[1,1120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[116,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 116 : i32, 1 : i32, 1 : i32] | tensor<[1,116,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 116 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1184 : i32, 1 : i32, 1 : i32] | tensor<[1,1184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1184 : i32, 1 : i32, 1 : i32] | tensor<[1,1184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 320 : i32] | tensor<[1,1,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1216 : i32, 1 : i32, 1 : i32] | tensor<[1,1216,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1216 : i32, 1 : i32, 1 : i32] | tensor<[1,1216,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1312 : i32, 1 : i32, 1 : i32] | tensor<[1,1312,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1312 : i32, 1 : i32, 1 : i32] | tensor<[1,1312,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[134,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 134 : i32, 1 : i32, 1 : i32] | tensor<[1,134,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 134 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[136,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 136 : i32, 1 : i32, 1 : i32] | tensor<[1,136,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1280 : i32] | tensor<[1,1,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1376 : i32, 1 : i32, 1 : i32] | tensor<[1,1376,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1376 : i32, 1 : i32, 1 : i32] | tensor<[1,1376,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1408 : i32, 1 : i32, 1 : i32] | tensor<[1,1408,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1408 : i32, 1 : i32, 1 : i32] | tensor<[1,1408,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1440 : i32, 1 : i32, 1 : i32] | tensor<[1,1440,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1440 : i32, 1 : i32, 1 : i32] | tensor<[1,1440,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 192 : i32] | tensor<[1,1,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1472 : i32, 1 : i32, 1 : i32] | tensor<[1,1472,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1472 : i32, 1 : i32, 1 : i32] | tensor<[1,1472,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32, 1 : i32] | tensor<[1,14,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1504 : i32, 1 : i32, 1 : i32] | tensor<[1,1504,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1504 : i32, 1 : i32, 1 : i32] | tensor<[1,1504,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1568 : i32, 1 : i32, 1 : i32] | tensor<[1,1568,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1568 : i32, 1 : i32, 1 : i32] | tensor<[1,1568,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1600 : i32, 1 : i32, 1 : i32] | tensor<[1,1600,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1600 : i32, 1 : i32, 1 : i32] | tensor<[1,1600,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 192 : i32] | tensor<[1,1,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32] | tensor<[1,1,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1664 : i32, 1 : i32, 1 : i32] | tensor<[1,1664,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1664 : i32, 1 : i32, 1 : i32] | tensor<[1,1664,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[168,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 168 : i32, 1 : i32, 1 : i32] | tensor<[1,168,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1696 : i32, 1 : i32, 1 : i32] | tensor<[1,1696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1696 : i32, 1 : i32, 1 : i32] | tensor<[1,1696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1728 : i32, 1 : i32, 1 : i32] | tensor<[1,1728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1728 : i32, 1 : i32, 1 : i32] | tensor<[1,1728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1760 : i32, 1 : i32, 1 : i32] | tensor<[1,1760,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1760 : i32, 1 : i32, 1 : i32] | tensor<[1,1760,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1792 : i32, 1 : i32, 1 : i32] | tensor<[1,1792,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1792 : i32, 1 : i32, 1 : i32] | tensor<[1,1792,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1824,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1824 : i32, 1 : i32, 1 : i32] | tensor<[1,1824,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1856,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1856 : i32, 1 : i32, 1 : i32] | tensor<[1,1856,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1856 + d1 + d2, d3), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1888,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1888 : i32, 1 : i32, 1 : i32] | tensor<[1,1888,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1888 + d1 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1920 : i32, 1 : i32, 1 : i32] | tensor<[1,1920,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 196 : i32, 1 : i32, 1 : i32] | tensor<[1,196,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 208 : i32, 1 : i32, 1 : i32] | tensor<[1,208,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 208 : i32, 1 : i32, 1 : i32] | tensor<[1,208,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[20,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 20 : i32, 1 : i32, 1 : i32] | tensor<[1,20,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2520 : i32, 1 : i32, 1 : i32] | tensor<[1,2520,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2520 : i32, 1 : i32, 1 : i32] | tensor<[1,2520,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1280 : i32] | tensor<[1,1,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 160 : i32] | tensor<[1,1,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 272 : i32, 1 : i32, 1 : i32] | tensor<[1,272,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 272 : i32, 1 : i32, 1 : i32] | tensor<[1,272,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,1,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[28,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 1 : i32, 1 : i32] | tensor<[1,28,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,1,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 320 : i32] | tensor<[1,1,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[334,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 334 : i32, 1 : i32, 1 : i32] | tensor<[1,334,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 334 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[34,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 34 : i32, 1 : i32, 1 : i32] | tensor<[1,34,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 320 : i32] | tensor<[1,1,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32] | tensor<[1,1,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 416 : i32, 1 : i32, 1 : i32] | tensor<[1,416,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 416 : i32, 1 : i32, 1 : i32] | tensor<[1,416,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[462,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 462 : i32, 1 : i32, 1 : i32] | tensor<[1,462,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 462 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[46,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 46 : i32, 1 : i32, 1 : i32] | tensor<[1,46,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[528,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 528 : i32, 1 : i32, 1 : i32] | tensor<[1,528,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[544,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 544 : i32, 1 : i32, 1 : i32] | tensor<[1,544,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 544 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 56 : i32, 1 : i32, 1 : i32] | tensor<[1,56,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 56 : i32, 1 : i32, 1 : i32] | tensor<[1,56,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 58 : i32, 1 : i32, 1 : i32] | tensor<[1,58,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[608,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 608 : i32, 1 : i32, 1 : i32] | tensor<[1,608,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 608 + d1 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[60,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 60 : i32, 1 : i32, 1 : i32] | tensor<[1,60,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1280 : i32] | tensor<[1,1,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 192 : i32] | tensor<[1,1,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 68 : i32, 1 : i32, 1 : i32] | tensor<[1,68,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 68 : i32, 1 : i32, 1 : i32] | tensor<[1,68,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[704,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 704 : i32, 1 : i32, 1 : i32] | tensor<[1,704,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 704 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 720 : i32, 1 : i32, 1 : i32] | tensor<[1,720,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 720 : i32, 1 : i32, 1 : i32] | tensor<[1,720,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 728 : i32, 1 : i32, 1 : i32] | tensor<[1,728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 728 : i32, 1 : i32, 1 : i32] | tensor<[1,728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[736,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 736 : i32, 1 : i32, 1 : i32] | tensor<[1,736,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[78,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 78 : i32, 1 : i32, 1 : i32] | tensor<[1,78,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4544,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4544 : i32] | tensor<[1,1,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,1,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[800,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 800 : i32, 1 : i32, 1 : i32] | tensor<[1,800,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 816 : i32, 1 : i32, 1 : i32] | tensor<[1,816,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 816 : i32, 1 : i32, 1 : i32] | tensor<[1,816,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[832,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 832 : i32, 1 : i32, 1 : i32] | tensor<[1,832,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[864,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 864 : i32, 1 : i32, 1 : i32] | tensor<[1,864,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 + d2, d3), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[88,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 88 : i32, 1 : i32, 1 : i32] | tensor<[1,88,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 896 : i32, 1 : i32, 1 : i32] | tensor<[1,896,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 896 : i32, 1 : i32, 1 : i32] | tensor<[1,896,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 928 : i32, 1 : i32, 1 : i32] | tensor<[1,928,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 928 : i32, 1 : i32, 1 : i32] | tensor<[1,928,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[92,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 92 : i32, 1 : i32, 1 : i32] | tensor<[1,92,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 92 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[98,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 98 : i32, 1 : i32, 1 : i32] | tensor<[1,98,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 992 : i32, 1 : i32, 1 : i32] | tensor<[1,992,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 992 : i32, 1 : i32, 1 : i32] | tensor<[1,992,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32] | tensor<[1,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3584,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3584 : i32] | tensor<[1,1,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32] | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 + d1 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [12 : i32] | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 12 : i32, 16 : i32] | tensor<[1,12,16,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,151936,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 151936 : i32] | tensor<[1,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,32128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32128 : i32] | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50257 : i32] | tensor<[1,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50272 : i32] | tensor<[1,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 51200 : i32] | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32] | tensor<[1,120,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32] | tensor<[1,120,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32] | tensor<[1,30,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32] | tensor<[1,30,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,4,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 4 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 4 : i32, 1 : i32] | tensor<[2,4,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32] | tensor<[1,60,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32] | tensor<[1,60,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 16 : i32, 96 : i32] | tensor<[1,32,16,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 16 : i32, 96 : i32] | tensor<[1,32,16,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 16 : i32, 96 : i32] | tensor<[1,32,16,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32] | tensor<[1,224,224,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 224 + d1, d2), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32] | tensor<[1,224,224,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 224 + d1, d2), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 224 : i32, 224 : i32] | tensor<[1,224,224,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 224 + d1, d2), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,320,320,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 320 + d2, d3), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | shape: [3 : i32, 320 : i32, 320 : i32] | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,720,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | shape: [3 : i32, 720 : i32, 1280 : i32] | tensor<[3,720,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 720 + d1, d2), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [45 : i32] | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50257 : i32] | tensor<[1,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32] | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [5 : i32] | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 51200 : i32] | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50272 : i32] | tensor<[1,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32] | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50280 : i32] | tensor<[1,50280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32] | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32] | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32] | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32] | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1 : i32, 1280 : i32] | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1 : i32, 1280 : i32] | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1 : i32, 1280 : i32] | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 8 : i32, 49 : i32, 32 : i32] | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 8 : i32, 49 : i32, 32 : i32] | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 8 : i32, 49 : i32, 32 : i32] | tensor<[16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 257 : i32, 64 : i32] | tensor<[1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 257 : i32, 64 : i32] | tensor<[1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 257 : i32, 64 : i32] | tensor<[1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 49 : i32, 32 : i32] | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 49 : i32, 32 : i32] | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 49 : i32, 32 : i32] | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 144 : i32, 32 : i32] | tensor<[36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 6 : i32, 144 : i32, 32 : i32] | tensor<[484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 16 : i32, 49 : i32, 32 : i32] | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 16 : i32, 49 : i32, 32 : i32] | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 16 : i32, 49 : i32, 32 : i32] | tensor<[4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 4 : i32, 49 : i32, 32 : i32] | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 4 : i32, 49 : i32, 32 : i32] | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 4 : i32, 49 : i32, 32 : i32] | tensor<[64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 24 : i32, 144 : i32, 32 : i32] | tensor<[9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 48 : i32, 144 : i32, 32 : i32] | tensor<[9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32] | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32] | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32] | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32] | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 100 : i32, 4 : i32] | tensor<[1,100,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 100 : i32, 92 : i32] | tensor<[1,100,92,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32] | tensor<[8,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,720,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 720 + d1, d2), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3 : i32, 720 : i32, 1280 : i32] | tensor<[1,3,720,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 480 : i32, 640 : i32] | tensor<[1,480,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 480 + d1, d2), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32] | tensor<[1,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 25 : i32] | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,1370,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1370 + d1 + d2 + d3, d4), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | shape: [3 : i32, 1370 : i32, 1 : i32, 1280 : i32] | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 16 : i32, 16 : i32, 1 : i32] | tensor<[1,5,16,16,1,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1280 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 100 : i32, 1 : i32, 256 : i32] | tensor<[1,100,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32, 1 : i32, 1 : i32] | tensor<[3234,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32, 2 : i32, 1 : i32] | tensor<[3234,2,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 1 : i32, 2048 : i32] | tensor<[4,1,1,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 100 : i32, 1 : i32, 1 : i32] | tensor<[1,100,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1056 : i32, 1 : i32, 1 : i32] | tensor<[1,1056,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1056 : i32, 1 : i32, 1 : i32] | tensor<[1,1056,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 + d2, d3), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1088 : i32, 1 : i32, 1 : i32] | tensor<[1,1088,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1088 : i32, 1 : i32, 1 : i32] | tensor<[1,1088,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1088 + d1 + d2, d3), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1120 : i32, 1 : i32, 1 : i32] | tensor<[1,1120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1120 : i32, 1 : i32, 1 : i32] | tensor<[1,1120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 112 : i32, 1 : i32, 1 : i32] | tensor<[1,112,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1152 : i32, 1 : i32, 1 : i32] | tensor<[1,1152,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 + d2, d3), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[116,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 116 : i32, 1 : i32, 1 : i32] | tensor<[1,116,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 116 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1184 : i32, 1 : i32, 1 : i32] | tensor<[1,1184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1184 : i32, 1 : i32, 1 : i32] | tensor<[1,1184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1184 + d1 + d2, d3), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 120 : i32, 1 : i32, 1 : i32] | tensor<[1,120,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1216 : i32, 1 : i32, 1 : i32] | tensor<[1,1216,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1216 : i32, 1 : i32, 1 : i32] | tensor<[1,1216,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1216 + d1 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1248 : i32, 1 : i32, 1 : i32] | tensor<[1,1248,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1248 + d1 + d2, d3), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 1 : i32, 1 : i32] | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 1 : i32, 1 : i32] | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1312 : i32, 1 : i32, 1 : i32] | tensor<[1,1312,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1312 : i32, 1 : i32, 1 : i32] | tensor<[1,1312,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1312 + d1 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1344 : i32, 1 : i32, 1 : i32] | tensor<[1,1344,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[134,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 134 : i32, 1 : i32, 1 : i32] | tensor<[1,134,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 134 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[136,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 136 : i32, 1 : i32, 1 : i32] | tensor<[1,136,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1376 : i32, 1 : i32, 1 : i32] | tensor<[1,1376,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1376 : i32, 1 : i32, 1 : i32] | tensor<[1,1376,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1376 + d1 + d2, d3), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1392 : i32, 1 : i32, 1 : i32] | tensor<[1,1392,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1408 : i32, 1 : i32, 1 : i32] | tensor<[1,1408,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1408 : i32, 1 : i32, 1 : i32] | tensor<[1,1408,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1408 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1440 : i32, 1 : i32, 1 : i32] | tensor<[1,1440,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1440 : i32, 1 : i32, 1 : i32] | tensor<[1,1440,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 + d2, d3), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 144 : i32, 1 : i32, 1 : i32] | tensor<[1,144,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1472 : i32, 1 : i32, 1 : i32] | tensor<[1,1472,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1472 : i32, 1 : i32, 1 : i32] | tensor<[1,1472,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1472 + d1 + d2, d3), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32, 1 : i32] | tensor<[1,14,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1504 : i32, 1 : i32, 1 : i32] | tensor<[1,1504,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1504 : i32, 1 : i32, 1 : i32] | tensor<[1,1504,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1504 + d1 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 1 : i32, 1 : i32] | tensor<[1,1536,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1568 : i32, 1 : i32, 1 : i32] | tensor<[1,1568,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1568 : i32, 1 : i32, 1 : i32] | tensor<[1,1568,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1600 : i32, 1 : i32, 1 : i32] | tensor<[1,1600,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1600 : i32, 1 : i32, 1 : i32] | tensor<[1,1600,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 160 : i32, 1 : i32, 1 : i32] | tensor<[1,160,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1632 : i32, 1 : i32, 1 : i32] | tensor<[1,1632,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1632 + d1 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1664 : i32, 1 : i32, 1 : i32] | tensor<[1,1664,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1664 : i32, 1 : i32, 1 : i32] | tensor<[1,1664,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1664 + d1 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[168,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 168 : i32, 1 : i32, 1 : i32] | tensor<[1,168,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1696 : i32, 1 : i32, 1 : i32] | tensor<[1,1696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1696 : i32, 1 : i32, 1 : i32] | tensor<[1,1696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1696 + d1 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1728 : i32, 1 : i32, 1 : i32] | tensor<[1,1728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1728 : i32, 1 : i32, 1 : i32] | tensor<[1,1728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 + d2, d3), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1760 : i32, 1 : i32, 1 : i32] | tensor<[1,1760,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1760 : i32, 1 : i32, 1 : i32] | tensor<[1,1760,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1760 + d1 + d2, d3), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1792 : i32, 1 : i32, 1 : i32] | tensor<[1,1792,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1792 : i32, 1 : i32, 1 : i32] | tensor<[1,1792,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1824,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1824 : i32, 1 : i32, 1 : i32] | tensor<[1,1824,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 184 : i32, 1 : i32, 1 : i32] | tensor<[1,184,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 184 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1856,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1856 : i32, 1 : i32, 1 : i32] | tensor<[1,1856,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1856 + d1 + d2, d3), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1888,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1888 : i32, 1 : i32, 1 : i32] | tensor<[1,1888,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1888 + d1 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 18 : i32, 1 : i32, 1 : i32] | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1920 : i32, 1 : i32, 1 : i32] | tensor<[1,1920,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 1 : i32, 1 : i32] | tensor<[1,192,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 196 : i32, 1 : i32, 1 : i32] | tensor<[1,196,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 200 : i32, 1 : i32, 1 : i32] | tensor<[1,200,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 200 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32, 1 : i32] | tensor<[1,2048,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 208 : i32, 1 : i32, 1 : i32] | tensor<[1,208,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 208 : i32, 1 : i32, 1 : i32] | tensor<[1,208,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[20,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 20 : i32, 1 : i32, 1 : i32] | tensor<[1,20,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 224 : i32, 1 : i32, 1 : i32] | tensor<[1,224,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 232 : i32, 1 : i32, 1 : i32] | tensor<[1,232,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 240 : i32, 1 : i32, 1 : i32] | tensor<[1,240,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 1 : i32, 1 : i32] | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2520 : i32, 1 : i32, 1 : i32] | tensor<[1,2520,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2520 : i32, 1 : i32, 1 : i32] | tensor<[1,2520,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 272 : i32, 1 : i32, 1 : i32] | tensor<[1,272,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 272 : i32, 1 : i32, 1 : i32] | tensor<[1,272,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 288 : i32, 1 : i32, 1 : i32] | tensor<[1,288,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[28,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 1 : i32, 1 : i32] | tensor<[1,28,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 1 : i32, 1 : i32] | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[334,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 334 : i32, 1 : i32, 1 : i32] | tensor<[1,334,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 334 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 336 : i32, 1 : i32, 1 : i32] | tensor<[1,336,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[34,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 34 : i32, 1 : i32, 1 : i32] | tensor<[1,34,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 352 : i32, 1 : i32, 1 : i32] | tensor<[1,352,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 1 : i32, 1 : i32] | tensor<[1,36,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3712 : i32, 1 : i32, 1 : i32] | tensor<[1,3712,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 1 : i32, 1 : i32] | tensor<[1,384,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 40 : i32, 1 : i32, 1 : i32] | tensor<[1,40,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 416 : i32, 1 : i32, 1 : i32] | tensor<[1,416,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 416 : i32, 1 : i32, 1 : i32] | tensor<[1,416,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 448 : i32, 1 : i32, 1 : i32] | tensor<[1,448,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[462,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 462 : i32, 1 : i32, 1 : i32] | tensor<[1,462,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 462 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[46,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 46 : i32, 1 : i32, 1 : i32] | tensor<[1,46,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 480 : i32, 1 : i32, 1 : i32] | tensor<[1,480,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 48 : i32, 1 : i32, 1 : i32] | tensor<[1,48,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 1 : i32, 1 : i32] | tensor<[1,512,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[528,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 528 : i32, 1 : i32, 1 : i32] | tensor<[1,528,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 528 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[544,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 544 : i32, 1 : i32, 1 : i32] | tensor<[1,544,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 544 + d1 + d2, d3), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 56 : i32, 1 : i32, 1 : i32] | tensor<[1,56,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 56 : i32, 1 : i32, 1 : i32] | tensor<[1,56,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 576 : i32, 1 : i32, 1 : i32] | tensor<[1,576,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[58,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 58 : i32, 1 : i32, 1 : i32] | tensor<[1,58,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[608,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 608 : i32, 1 : i32, 1 : i32] | tensor<[1,608,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 608 + d1 + d2, d3), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[60,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 60 : i32, 1 : i32, 1 : i32] | tensor<[1,60,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 640 : i32, 1 : i32, 1 : i32] | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 1 : i32] | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 672 : i32, 1 : i32, 1 : i32] | tensor<[1,672,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 68 : i32, 1 : i32, 1 : i32] | tensor<[1,68,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 68 : i32, 1 : i32, 1 : i32] | tensor<[1,68,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 696 : i32, 1 : i32, 1 : i32] | tensor<[1,696,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[704,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 704 : i32, 1 : i32, 1 : i32] | tensor<[1,704,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 704 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 720 : i32, 1 : i32, 1 : i32] | tensor<[1,720,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 720 : i32, 1 : i32, 1 : i32] | tensor<[1,720,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 728 : i32, 1 : i32, 1 : i32] | tensor<[1,728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 728 : i32, 1 : i32, 1 : i32] | tensor<[1,728,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 728 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 1 : i32, 1 : i32] | tensor<[1,72,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[736,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 736 : i32, 1 : i32, 1 : i32] | tensor<[1,736,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 736 + d1 + d2, d3), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32, 1 : i32, 1 : i32] | tensor<[1,768,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[78,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 78 : i32, 1 : i32, 1 : i32] | tensor<[1,78,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[800,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 800 : i32, 1 : i32, 1 : i32] | tensor<[1,800,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 80 : i32, 1 : i32, 1 : i32] | tensor<[1,80,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 816 : i32, 1 : i32, 1 : i32] | tensor<[1,816,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 816 : i32, 1 : i32, 1 : i32] | tensor<[1,816,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[832,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 832 : i32, 1 : i32, 1 : i32] | tensor<[1,832,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 832 + d1 + d2, d3), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[864,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 864 : i32, 1 : i32, 1 : i32] | tensor<[1,864,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 + d2, d3), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[88,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 88 : i32, 1 : i32, 1 : i32] | tensor<[1,88,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 896 : i32, 1 : i32, 1 : i32] | tensor<[1,896,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 896 : i32, 1 : i32, 1 : i32] | tensor<[1,896,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 1 : i32] | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 928 : i32, 1 : i32, 1 : i32] | tensor<[1,928,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 928 : i32, 1 : i32, 1 : i32] | tensor<[1,928,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 928 + d1 + d2, d3), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[92,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 92 : i32, 1 : i32, 1 : i32] | tensor<[1,92,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 92 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 1 : i32, 1 : i32] | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 96 : i32, 1 : i32, 1 : i32] | tensor<[1,96,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[98,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 98 : i32, 1 : i32, 1 : i32] | tensor<[1,98,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 992 : i32, 1 : i32, 1 : i32] | tensor<[1,992,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 992 : i32, 1 : i32, 1 : i32] | tensor<[1,992,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 992 + d1 + d2, d3), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 1 : i32] | tensor<[2,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [5 : i32] | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [5 : i32, 1 : i32] | tensor<[5,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 5 : i32] | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,1,3,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1370 : i32, 1 : i32, 3 : i32, 1280 : i32] | tensor<[1,1370,1,3,1280,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 4110 + d1 * 3 + d2 * 3 + d3, d4), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 13 : i32] | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 13 : i32] | tensor<[1,13,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 49 : i32, 49 : i32] | tensor<[1,16,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 784 + d1 * 49 + d2 * 49 + d3, d4), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 49 : i32] | tensor<[16,1,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 49 : i32, 1 : i32] | tensor<[16,49,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 49 : i32, 49 : i32] | tensor<[16,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 10 : i32] | tensor<[1,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 10 : i32] | tensor<[1,1,10,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 10 : i32, 16 : i32] | tensor<[1,1,10,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 11 : i32] | tensor<[1,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 11 : i32] | tensor<[1,1,11,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 11 : i32, 16 : i32] | tensor<[1,1,11,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 * 11 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 120 : i32, 160 : i32] | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32] | tensor<[1,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32] | tensor<[1,1,12,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 128 : i32] | tensor<[1,1,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 12 : i32] | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 16 : i32] | tensor<[1,1,12,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 13 : i32] | tensor<[1,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 13 : i32] | tensor<[1,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 13 : i32, 128 : i32] | tensor<[1,1,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 13 : i32, 13 : i32] | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 13 : i32, 16 : i32] | tensor<[1,1,13,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14 : i32] | tensor<[1,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 14 : i32] | tensor<[1,1,14,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 14 : i32, 16 : i32] | tensor<[1,1,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 15 : i32] | tensor<[1,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 15 : i32] | tensor<[1,1,15,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 15 : i32, 16 : i32] | tensor<[1,1,15,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 * 15 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32] | tensor<[1,16,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 16 : i32] | tensor<[1,1,16,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 17 : i32] | tensor<[1,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 17 : i32] | tensor<[1,1,17,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 18 : i32] | tensor<[1,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 18 : i32] | tensor<[1,1,18,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 19 : i32] | tensor<[1,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 19 : i32] | tensor<[1,1,19,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 10 : i32] | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,10,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 10 : i32] | tensor<[1,1,1,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 11 : i32] | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,11,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 11 : i32] | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 128 : i32] | tensor<[1,1,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 12 : i32] | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 12 : i32] | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 13 : i32] | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 13 : i32] | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 14 : i32] | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,14,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 14 : i32] | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 15 : i32] | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,15,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 15 : i32] | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 16 : i32] | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 16 : i32] | tensor<[1,1,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 17 : i32] | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,17,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 17 : i32] | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 18 : i32] | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,18,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 18 : i32] | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 19 : i32] | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 19 : i32] | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 16 : i32, 1 : i32] | tensor<[1,1,1,16,1,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,201,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 201 : i32] | tensor<[1,1,1,201,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,2048,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,1,2048,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 20 : i32] | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,20,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 20 : i32] | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,21,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 21 : i32] | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,21,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 21 : i32] | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 22 : i32] | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,22,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 22 : i32] | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,23,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 23 : i32] | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,23,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 23 : i32] | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,24,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 24 : i32] | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,24,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 24 : i32] | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,1,256,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 25 : i32] | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,25,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 25 : i32] | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,26,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 26 : i32] | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,26,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 26 : i32] | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,27,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 27 : i32] | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,27,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 27 : i32] | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 28 : i32] | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,28,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 28 : i32] | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,29,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 29 : i32] | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,29,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 29 : i32] | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,32,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,46,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 46 : i32] | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,47,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 47 : i32] | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,48,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 48 : i32] | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 49 : i32] | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,50,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 50 : i32] | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,51,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 51 : i32] | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,52,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 52 : i32] | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,53,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 53 : i32] | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,54,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 54 : i32] | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,55,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 55 : i32] | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 56 : i32] | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,57,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 57 : i32] | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,58,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 58 : i32] | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,59,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 59 : i32] | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,5,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 5 : i32] | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 60 : i32] | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,61,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 61 : i32] | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,62,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 62 : i32] | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,63,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 63 : i32] | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,65,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 65 : i32] | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,66,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 66 : i32] | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,67,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 67 : i32] | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,68,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 68 : i32] | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,69,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 69 : i32] | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 6 : i32] | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 6 : i32] | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,1,70,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 70 : i32] | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,71,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 71 : i32] | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,72,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 72 : i32] | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,73,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 73 : i32] | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,74,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 74 : i32] | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,75,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 75 : i32] | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,76,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 76 : i32] | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,77,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 77 : i32] | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,78,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 78 : i32] | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,79,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 79 : i32] | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 7 : i32] | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,7,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 7 : i32] | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 80 : i32] | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,81,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 81 : i32] | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,82,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 82 : i32] | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,83,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 83 : i32] | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,84,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 84 : i32] | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 85 : i32] | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,86,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 86 : i32] | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,87,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 87 : i32] | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,88,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 88 : i32] | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,89,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 89 : i32] | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 8 : i32] | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 8 : i32] | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,90,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 90 : i32] | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,91,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 91 : i32] | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,92,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 92 : i32] | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,93,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 93 : i32] | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,94,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 94 : i32] | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,95,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 95 : i32] | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 96 : i32] | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,97,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 97 : i32] | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,98,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 98 : i32] | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,99,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 99 : i32] | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 9 : i32] | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,9,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 9 : i32] | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,201,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 201 : i32] | tensor<[1,1,201,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 2048 : i32] | tensor<[1,1,2048,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 20 : i32] | tensor<[1,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 20 : i32] | tensor<[1,1,20,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 21 : i32] | tensor<[1,1,21,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 21 : i32] | tensor<[1,1,21,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,224,224,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 224 + d1, d2), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 224 : i32, 224 : i32] | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,22,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 22 : i32] | tensor<[1,1,22,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 22 : i32] | tensor<[1,1,22,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 23 : i32] | tensor<[1,1,23,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 23 : i32] | tensor<[1,1,23,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 24 : i32] | tensor<[1,1,24,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 24 : i32] | tensor<[1,1,24,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 257 : i32, 768 : i32, 1 : i32] | tensor<[1,257,768,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 197376 + d1 * 768 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32] | tensor<[1,1,25,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 25 : i32] | tensor<[1,1,25,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,26,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 26 : i32] | tensor<[1,1,26,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 26 : i32] | tensor<[1,1,26,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 27 : i32] | tensor<[1,1,27,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 27 : i32] | tensor<[1,1,27,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 27 : i32, 257 : i32, 1 : i32] | tensor<[1,27,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6939 + d1 * 257 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 28 : i32] | tensor<[1,1,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 28 : i32] | tensor<[1,1,28,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,29,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 29 : i32] | tensor<[1,1,29,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 29 : i32] | tensor<[1,1,29,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 12 : i32, 128 : i32] | tensor<[1,2,1,12,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 12 + d2 * 12 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 * 13 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 13 : i32, 128 : i32] | tensor<[1,2,1,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 26 + d1 * 13 + d2 * 13 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 14 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 14 : i32, 128 : i32] | tensor<[1,2,1,14,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 28 + d1 * 14 + d2 * 14 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,15,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 15 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 15 : i32, 128 : i32] | tensor<[1,2,1,15,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 30 + d1 * 15 + d2 * 15 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 16 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 16 : i32, 128 : i32] | tensor<[1,2,1,16,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 32 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 34 + d1 * 17 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 17 : i32, 128 : i32] | tensor<[1,2,1,17,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 34 + d1 * 17 + d2 * 17 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,18,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 18 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 18 : i32, 128 : i32] | tensor<[1,2,1,18,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 36 + d1 * 18 + d2 * 18 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,19,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38 + d1 * 19 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 19 : i32, 128 : i32] | tensor<[1,2,1,19,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 38 + d1 * 19 + d2 * 19 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 20 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 20 : i32, 128 : i32] | tensor<[1,2,1,20,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 40 + d1 * 20 + d2 * 20 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,21,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 21 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 21 : i32, 128 : i32] | tensor<[1,2,1,21,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 42 + d1 * 21 + d2 * 21 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,22,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 44 + d1 * 22 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 22 : i32, 128 : i32] | tensor<[1,2,1,22,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 44 + d1 * 22 + d2 * 22 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,23,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46 + d1 * 23 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 23 : i32, 128 : i32] | tensor<[1,2,1,23,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 46 + d1 * 23 + d2 * 23 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 24 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 24 : i32, 128 : i32] | tensor<[1,2,1,24,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 48 + d1 * 24 + d2 * 24 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,25,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50 + d1 * 25 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 25 : i32, 128 : i32] | tensor<[1,2,1,25,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 50 + d1 * 25 + d2 * 25 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,26,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 26 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 26 : i32, 128 : i32] | tensor<[1,2,1,26,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 52 + d1 * 26 + d2 * 26 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,27,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 27 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 27 : i32, 128 : i32] | tensor<[1,2,1,27,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 54 + d1 * 27 + d2 * 27 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 28 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 28 : i32, 128 : i32] | tensor<[1,2,1,28,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 56 + d1 * 28 + d2 * 28 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,29,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 58 + d1 * 29 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 1 : i32, 29 : i32, 128 : i32] | tensor<[1,2,1,29,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 58 + d1 * 29 + d2 * 29 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32] | tensor<[1,3072,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 10 : i32, 1 : i32] | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 11 : i32, 1 : i32] | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 12 : i32, 1 : i32] | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 13 : i32, 1 : i32] | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 14 : i32, 1 : i32] | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 15 : i32, 1 : i32] | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 6 : i32, 1 : i32] | tensor<[1,3072,6,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 7 : i32, 1 : i32] | tensor<[1,3072,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 8 : i32, 1 : i32] | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 9 : i32, 1 : i32] | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,30,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 30 : i32, 40 : i32] | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,32,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 32 : i32, 128 : i32] | tensor<[1,1,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 32 : i32, 32 : i32] | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,384,512,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 384 + d1, d2), memory_config: (12, 16, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32, 512 : i32] | tensor<[1,1,384,512,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 384 + d2, d3), memory_config: (12, 16, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,45,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 45 : i32, 45 : i32] | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,46,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 46 : i32] | tensor<[1,1,46,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,47,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 47 : i32] | tensor<[1,1,47,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,48,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 48 : i32] | tensor<[1,1,48,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 49 : i32] | tensor<[1,1,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4 : i32, 1 : i32, 13 : i32, 128 : i32] | tensor<[1,4,1,13,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 52 + d1 * 13 + d2 * 13 + d3, d4), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 50 : i32] | tensor<[1,1,50,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,51,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 51 : i32] | tensor<[1,1,51,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,52,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 52 : i32] | tensor<[1,1,52,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,53,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 53 : i32] | tensor<[1,1,53,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,54,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 54 : i32] | tensor<[1,1,54,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,55,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 55 : i32] | tensor<[1,1,55,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 56 : i32] | tensor<[1,1,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,57,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 57 : i32] | tensor<[1,1,57,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,58,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 58 : i32] | tensor<[1,1,58,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,59,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 59 : i32] | tensor<[1,1,59,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 5 : i32] | tensor<[1,1,5,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5 : i32, 1 : i32, 16 : i32] | tensor<[1,5,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5 : i32, 1 : i32, 16 : i32, 1 : i32] | tensor<[1,5,1,16,1,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 5 : i32, 5 : i32] | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 60 : i32] | tensor<[1,1,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,60,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 60 : i32, 80 : i32] | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,61,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 61 : i32] | tensor<[1,1,61,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,62,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 62 : i32] | tensor<[1,1,62,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,63,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 63 : i32] | tensor<[1,1,63,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 64 : i32] | tensor<[1,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32] | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 65 : i32] | tensor<[1,1,65,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,66,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 66 : i32] | tensor<[1,1,66,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,67,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 67 : i32] | tensor<[1,1,67,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,68,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 68 : i32] | tensor<[1,1,68,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,69,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 69 : i32] | tensor<[1,1,69,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 6 : i32] | tensor<[1,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 6 : i32] | tensor<[1,1,6,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 6 : i32, 16 : i32] | tensor<[1,1,6,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 6 : i32, 6 : i32] | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,70,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 70 : i32] | tensor<[1,1,70,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 71 : i32] | tensor<[1,1,71,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 72 : i32] | tensor<[1,1,72,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,73,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 73 : i32] | tensor<[1,1,73,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,74,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 74 : i32] | tensor<[1,1,74,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,75,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 75 : i32] | tensor<[1,1,75,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 257 : i32, 1 : i32] | tensor<[1,768,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 197376 + d1 * 257 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,76,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 76 : i32] | tensor<[1,1,76,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,77,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 77 : i32] | tensor<[1,1,77,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,78,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 78 : i32] | tensor<[1,1,78,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,79,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 79 : i32] | tensor<[1,1,79,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 7 : i32] | tensor<[1,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 7 : i32] | tensor<[1,1,7,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 7 : i32, 16 : i32] | tensor<[1,1,7,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,80,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 80 : i32] | tensor<[1,1,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,81,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 81 : i32] | tensor<[1,1,81,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,82,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 82 : i32] | tensor<[1,1,82,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,83,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 83 : i32] | tensor<[1,1,83,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,84,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 84 : i32] | tensor<[1,1,84,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,85,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 85 : i32] | tensor<[1,1,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,86,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 86 : i32] | tensor<[1,1,86,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,87,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 87 : i32] | tensor<[1,1,87,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,88,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 88 : i32] | tensor<[1,1,88,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,89,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 89 : i32] | tensor<[1,1,89,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32] | tensor<[1,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32] | tensor<[1,1,8,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32, 16 : i32] | tensor<[1,1,8,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32, 32 : i32, 128 : i32] | tensor<[1,8,1,32,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 256 + d1 * 32 + d2 * 32 + d3, d4), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,90,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 90 : i32] | tensor<[1,1,90,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,91,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 91 : i32] | tensor<[1,1,91,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 92 : i32] | tensor<[1,1,92,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,93,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 93 : i32] | tensor<[1,1,93,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,94,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 94 : i32] | tensor<[1,1,94,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,95,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 95 : i32] | tensor<[1,1,95,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 96 : i32] | tensor<[1,1,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,97,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 97 : i32] | tensor<[1,1,97,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,98,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 98 : i32] | tensor<[1,1,98,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,99,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 99 : i32] | tensor<[1,1,99,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32] | tensor<[1,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32] | tensor<[1,1,9,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 9 : i32, 16 : i32] | tensor<[1,1,9,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32, 13 : i32] | tensor<[2,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32, 1 : i32, 13 : i32] | tensor<[2,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,1,7,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32, 1 : i32, 7 : i32] | tensor<[2,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,4,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 2 : i32, 4 : i32, 1 : i32] | tensor<[1,2,4,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 4 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 1 : i32, 7 : i32] | tensor<[2,1,7,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3072,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3072 : i32, 16 : i32] | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32, 1 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 32 : i32] | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32] | tensor<[1,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 320 : i32, 320 : i32] | tensor<[1,3,320,320,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 320 + d2, d3), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,45,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 45 : i32, 45 : i32] | tensor<[1,45,45,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [4 : i32, 1 : i32, 13 : i32] | tensor<[4,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [4 : i32, 13 : i32, 1 : i32] | tensor<[4,13,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [4 : i32, 1 : i32, 1 : i32, 13 : i32] | tensor<[4,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4 : i32, 1 : i32, 49 : i32, 49 : i32] | tensor<[1,4,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 196 + d1 * 49 + d2 * 49 + d3, d4), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 1 : i32, 49 : i32] | tensor<[4,1,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 49 : i32, 1 : i32] | tensor<[4,49,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 1 : i32, 49 : i32, 49 : i32] | tensor<[4,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 5 : i32] | tensor<[1,5,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32] | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32, 49 : i32, 49 : i32] | tensor<[1,64,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 49 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 49 : i32] | tensor<[64,1,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 1 : i32] | tensor<[64,49,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1 : i32, 49 : i32, 49 : i32] | tensor<[64,1,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 6 : i32] | tensor<[1,6,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 1 : i32] | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32] | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32] | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32] | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32] | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1 : i32] | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 10 : i32, 1 : i32] | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 38, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1200 : i32, 1 : i32] | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32] | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32] | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1370,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 43, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1370 : i32, 1 : i32] | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1445,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 46, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1445 : i32, 1 : i32] | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32] | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1 : i32] | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 14 : i32, 1 : i32] | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 14 : i32, 1 : i32] | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1500,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 47, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1500 : i32, 1 : i32] | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 1 : i32] | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 1 : i32] | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 1 : i32] | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 1 : i32] | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32] | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 600, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 19200 : i32, 1 : i32] | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 196 : i32, 1 : i32] | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 197 : i32, 1 : i32] | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 197 : i32, 1 : i32] | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,201,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 201 : i32, 1 : i32] | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2048 : i32, 1 : i32] | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32] | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 257 : i32, 1 : i32] | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 25 : i32, 1 : i32] | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 27 : i32, 1 : i32] | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 1 : i32] | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 28 : i32, 1 : i32] | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 300 : i32, 1 : i32] | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 300 : i32, 1 : i32] | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 300 : i32, 1 : i32] | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 300 : i32, 1 : i32] | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32] | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 1 : i32, 1 : i32] | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 1 : i32] | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 1 : i32] | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 1 : i32] | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 1 : i32] | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 1 : i32] | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 45 : i32, 1 : i32] | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4800,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 150, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4800 : i32, 1 : i32] | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 50 : i32, 1 : i32] | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 56 : i32, 56 : i32, 1 : i32] | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5 : i32, 1 : i32] | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 1 : i32] | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2048, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 65536 : i32, 1 : i32] | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 1 : i32] | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 7 : i32, 1 : i32] | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 7 : i32, 1 : i32] | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1 : i32] | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1 : i32] | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1 : i32] | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32] | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32] | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32] | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32] | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 1 : i32] | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 7 : i32, 1 : i32] | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 1 : i32] | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | shape: [920 : i32, 1 : i32, 1 : i32] | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | shape: [100 : i32, 2048 : i32] | tensor<[100,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | shape: [100 : i32, 256 : i32] | tensor<[100,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | shape: [100 : i32, 8 : i32, 32 : i32] | tensor<[100,8,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | shape: [100 : i32, 1 : i32, 2048 : i32] | tensor<[100,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | shape: [100 : i32, 1 : i32, 256 : i32] | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 100 : i32, 4 : i32] | tensor<[1,100,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,8,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | shape: [100 : i32, 256 : i32] | tensor<[100,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[100,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 100 : i32, 92 : i32] | tensor<[1,100,92,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1536 : i32] | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 160 : i32] | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 3072 : i32] | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 5120 : i32] | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 6144 : i32] | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 768 : i32] | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,250002,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 250002 : i32] | tensor<[1,10,250002,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 7813, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 3072 : i32] | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 768 : i32] | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1200,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1200 : i32, 1280 : i32] | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1200 : i32, 320 : i32] | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 14 : i32, 28 : i32] | tensor<[1,120,14,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[120,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 28 : i32, 28 : i32] | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 192 : i32] | tensor<[121,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 11 : i32, 11 : i32, 12 : i32, 12 : i32, 192 : i32] | tensor<[1,11,11,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 384 : i32] | tensor<[121,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 11 : i32, 11 : i32, 12 : i32, 12 : i32, 384 : i32] | tensor<[1,11,11,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 121 : i32, 12 : i32, 144 : i32, 144 : i32] | tensor<[1,121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | shape: [1452 : i32, 144 : i32, 144 : i32] | tensor<[1452,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,1152,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 3 : i32, 12 : i32, 32 : i32] | tensor<[121,144,3,12,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 5184 + d1 * 36 + d2 * 12 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 12 : i32, 192 : i32] | tensor<[121,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [17424 : i32, 192 : i32] | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 12 : i32, 384 : i32] | tensor<[121,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [17424 : i32, 384 : i32] | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,144,576,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 3 : i32, 6 : i32, 32 : i32] | tensor<[121,144,3,6,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2592 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 121 : i32, 6 : i32, 144 : i32, 144 : i32] | tensor<[1,121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | shape: [726 : i32, 144 : i32, 144 : i32] | tensor<[726,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,16,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 16 : i32, 16 : i32] | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 16 : i32, 32 : i32] | tensor<[1,1280,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 32 : i32, 32 : i32] | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1280,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 8 : i32, 16 : i32] | tensor<[1,1280,8,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 32 : i32, 64 : i32] | tensor<[1,128,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[128,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 64 : i32, 64 : i32] | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 1536 : i32] | tensor<[9,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1296,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 2304 : i32] | tensor<[9,144,2304,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1296,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 4608 : i32] | tensor<[9,144,4608,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 768 : i32] | tensor<[9,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [12 : i32, 1 : i32] | tensor<[12,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,10,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 10 : i32, 10 : i32] | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,10,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 10 : i32, 64 : i32] | tensor<[1,12,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 128 : i32] | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 12 : i32] | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,12,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 64 : i32] | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 14 : i32, 14 : i32] | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,14,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 14 : i32, 64 : i32] | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1500,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1500 : i32, 1500 : i32] | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1500,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1500 : i32, 64 : i32] | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1536 : i32] | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,16,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 16 : i32, 16 : i32] | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,16,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 16 : i32, 64 : i32] | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,197,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 197 : i32, 197 : i32] | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,197,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 197 : i32, 64 : i32] | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 128 : i32] | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 13 : i32] | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 14 : i32] | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 15 : i32] | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 16 : i32] | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,17,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 17 : i32] | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,18,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 18 : i32] | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,19,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 19 : i32] | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,20,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 20 : i32] | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 21 : i32] | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 22 : i32] | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 23 : i32] | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 24 : i32] | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 25 : i32] | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 26 : i32] | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 27 : i32] | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 28 : i32] | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 1 : i32, 29 : i32] | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 256 : i32] | tensor<[1,12,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,25,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 25 : i32, 25 : i32] | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,25,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 25 : i32, 64 : i32] | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 2 : i32] | tensor<[1,12,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 3072 : i32] | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,50,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 50 : i32, 50 : i32] | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,50,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 50 : i32, 64 : i32] | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 768 : i32] | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 7 : i32, 64 : i32] | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 7 : i32, 7 : i32] | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 9 : i32, 64 : i32] | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[12,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 9 : i32, 9 : i32] | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1370 : i32, 1280 : i32] | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1 : i32, 1280 : i32] | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1280 : i32] | tensor<[1370,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 16 : i32, 80 : i32] | tensor<[1370,16,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,1,16,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1280 : i32] | tensor<[1370,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,1,3840,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 120, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1 : i32, 3 : i32, 1280 : i32] | tensor<[1370,1,3,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3 + d1 * 3 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,3840,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1 : i32, 3840 : i32] | tensor<[1370,1,3840,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 120, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1370,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1370 : i32, 5120 : i32] | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [13 : i32, 1 : i32] | tensor<[13,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 2 : i32] | tensor<[1,13,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 3584 : i32] | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[13,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 512 : i32] | tensor<[1,13,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1445,192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1445 : i32, 192 : i32] | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1445,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1445 : i32, 768 : i32] | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 7 : i32, 2 : i32, 7 : i32] | tensor<[2,7,2,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 2 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 7 : i32, 2048 : i32] | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 2 : i32] | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 3072 : i32] | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 7 : i32, 512 : i32] | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[14,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 768 : i32] | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1500,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1500 : i32, 3072 : i32] | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1500,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1500 : i32, 768 : i32] | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 16 : i32, 32 : i32] | tensor<[1,1536,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 16 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 32 : i32, 32 : i32] | tensor<[1,1536,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1536,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1536 : i32, 64 : i32, 32 : i32] | tensor<[1,1536,64,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 128 : i32] | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 1536 : i32] | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 192 : i32] | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 32 : i32] | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 384 : i32] | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 768 : i32] | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1370,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1370 : i32, 1370 : i32] | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1370,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 1370 : i32, 80 : i32] | tensor<[1,16,1370,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 10 : i32] | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,11,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 11 : i32] | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 12 : i32] | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 13 : i32] | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 14 : i32] | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 15 : i32] | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 16 : i32] | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,17,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 17 : i32] | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,18,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 18 : i32] | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,19,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 19 : i32] | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,20,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 20 : i32] | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 21 : i32] | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 22 : i32] | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 23 : i32] | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 24 : i32] | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 25 : i32] | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 26 : i32] | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 27 : i32] | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 28 : i32] | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 29 : i32] | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 64 : i32] | tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 7 : i32] | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 8 : i32] | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,1,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 1 : i32, 9 : i32] | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 256 : i32, 256 : i32] | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 256 : i32, 64 : i32] | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 3072 : i32] | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 32 : i32, 32 : i32] | tensor<[1,16,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,32,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 32 : i32, 96 : i32] | tensor<[1,16,32,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,49,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4 : i32, 4 : i32, 7 : i32, 7 : i32, 256 : i32] | tensor<[1,4,4,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,49,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [784 : i32, 256 : i32] | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,49,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 24, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 49 : i32, 3 : i32, 8 : i32, 32 : i32] | tensor<[16,49,3,8,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1176 + d1 * 24 + d2 * 8 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,6,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 6 : i32, 64 : i32] | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,6,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 6 : i32, 6 : i32] | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 768 : i32] | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 8 : i32, 7 : i32, 64 : i32] | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 8 : i32, 7 : i32, 7 : i32] | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 8 : i32, 49 : i32, 49 : i32] | tensor<[1,16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 49 : i32, 49 : i32] | tensor<[128,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 9 : i32, 128 : i32] | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 9 : i32, 64 : i32] | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 9 : i32, 9 : i32] | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[17424,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 1152 : i32] | tensor<[121,144,1152,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[17424,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 192 : i32] | tensor<[121,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[17424,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 384 : i32] | tensor<[121,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[17424,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 144 : i32, 576 : i32] | tensor<[121,144,576,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (545, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 184 : i32, 14 : i32, 14 : i32] | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[184,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 184 : i32, 7 : i32, 14 : i32] | tensor<[1,184,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,14,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 18 : i32, 14 : i32, 56 : i32] | tensor<[1,18,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 18 : i32, 28 : i32, 56 : i32] | tensor<[1,18,28,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 18 : i32, 56 : i32, 56 : i32] | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[18,7,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 18 : i32, 7 : i32, 56 : i32] | tensor<[1,18,7,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[19200,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19200 : i32, 256 : i32] | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19200 : i32, 64 : i32] | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,128,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 128 : i32, 256 : i32] | tensor<[1,192,128,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[192,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 256 : i32, 256 : i32] | tensor<[1,192,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 49 : i32, 1536 : i32] | tensor<[4,49,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 196 : i32, 3072 : i32] | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 49 : i32, 512 : i32] | tensor<[4,49,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[196,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 196 : i32, 768 : i32] | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[197,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 1024 : i32] | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[197,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 3072 : i32] | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[197,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 4096 : i32] | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[197,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 768 : i32] | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1000,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1000 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1000 : i32] | tensor<[1,1000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | shape: [100 : i32, 192 : i32] | tensor<[100,192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 196 : i32] | tensor<[1,1024,196,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 1536 : i32] | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | shape: [1024 : i32, 1536 : i32] | tensor<[1024,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 5 : i32, 32 : i32] | tensor<[1,1024,5,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 5 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 160 : i32] | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 160 : i32] | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 256 : i32] | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 2560 : i32] | tensor<[1024,2560,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 16 : i32, 16 : i32] | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | shape: [1024 : i32, 3072 : i32] | tensor<[1024,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,5,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 5 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 160 : i32] | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | shape: [1024 : i32, 6144 : i32] | tensor<[1024,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 8 : i32, 80 : i32] | tensor<[1,1024,8,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 8 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 640 : i32] | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1024 : i32, 640 : i32] | tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 768 : i32] | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | shape: [1024 : i32, 768 : i32] | tensor<[1024,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1024,8,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 8 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 16 : i32, 64 : i32] | tensor<[1,10,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 1024 : i32] | tensor<[10,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 768 : i32] | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 768 : i32] | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 1536 : i32] | tensor<[10,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 1024 : i32] | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 2048 : i32] | tensor<[10,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 3072 : i32] | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,10,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 4096 : i32] | tensor<[10,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 8 : i32, 64 : i32] | tensor<[1,10,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 512 : i32] | tensor<[10,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 12 : i32, 64 : i32] | tensor<[1,10,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 12 : i32, 64 : i32] | tensor<[1,10,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 768 : i32] | tensor<[10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 10 : i32, 512 : i32] | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,10,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [10 : i32, 96 : i32] | tensor<[10,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,11,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 12 : i32, 192 : i32] | tensor<[121,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,11,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 12 : i32, 384 : i32] | tensor<[121,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,12,11,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 132 : i32, 132 : i32, 192 : i32] | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,12,11,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 132 : i32, 132 : i32, 384 : i32] | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [11 : i32, 1536 : i32] | tensor<[11,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,11,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [11 : i32, 96 : i32] | tensor<[11,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | shape: [1200 : i32, 1280 : i32] | tensor<[1200,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1200 : i32, 5 : i32, 64 : i32] | tensor<[1,1200,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 5 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 30 : i32, 40 : i32, 320 : i32] | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | shape: [1200 : i32, 320 : i32] | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1200,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 5 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1200 : i32, 320 : i32] | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | shape: [120 : i32, 14 : i32, 14 : i32] | tensor<[120,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,120,28,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | shape: [120 : i32, 28 : i32, 14 : i32] | tensor<[120,28,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 12 : i32, 144 : i32, 144 : i32] | tensor<[121,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (6534, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | shape: [121 : i32, 6 : i32, 144 : i32, 144 : i32] | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1280 + d1, d2), memory_config: (40, 38, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 30 : i32, 40 : i32] | tensor<[1,1280,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 40 : i32, 256 : i32] | tensor<[1,32,40,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 16 : i32, 16 : i32] | tensor<[1280,16,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,16,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 16 : i32, 8 : i32] | tensor<[1280,16,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32] | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38400 + d1 * 30 + d2, d3), memory_config: (1200, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1200 : i32] | tensor<[1,1280,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1280 + d1, d2), memory_config: (40, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,32,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 32 : i32, 16 : i32] | tensor<[1280,32,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 40 : i32, 1024 : i32] | tensor<[1,32,40,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,37,37,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 47360 + d1 * 37 + d2, d3), memory_config: (1480, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1280 : i32, 1369 : i32] | tensor<[1,1280,1369,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1280 + d1, d2), memory_config: (40, 43, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 40 : i32, 64 : i32] | tensor<[1,32,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | shape: [1280 : i32, 8 : i32, 8 : i32] | tensor<[1280,8,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 16384 : i32] | tensor<[1,128,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 192 : i32] | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 384 : i32] | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,128,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16384 : i32, 768 : i32] | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 15 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 300 : i32] | tensor<[1,128,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 512, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 128 : i32] | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 32 : i32, 32 : i32] | tensor<[128,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 150, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 60 : i32, 80 : i32] | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 60 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 4800 : i32] | tensor<[1,128,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (4, 150, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,128,64,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | shape: [128 : i32, 64 : i32, 32 : i32] | tensor<[128,64,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 10 : i32, 10 : i32] | tensor<[12,10,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 10 : i32, 64 : i32] | tensor<[12,10,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 132 + d1 * 11 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 11 : i32, 64 : i32] | tensor<[12,11,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 128 : i32] | tensor<[12,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 12 : i32] | tensor<[12,128,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 13 : i32] | tensor<[12,128,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 14 : i32] | tensor<[12,128,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 15 : i32] | tensor<[12,128,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 16 : i32] | tensor<[12,128,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 17 : i32] | tensor<[12,128,17,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 18 : i32] | tensor<[12,128,18,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 19 : i32] | tensor<[12,128,19,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 20 : i32] | tensor<[12,128,20,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 21 : i32] | tensor<[12,128,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 22 : i32] | tensor<[12,128,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 23 : i32] | tensor<[12,128,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 24 : i32] | tensor<[12,128,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 25 : i32] | tensor<[12,128,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 26 : i32] | tensor<[12,128,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 27 : i32] | tensor<[12,128,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 28 : i32] | tensor<[12,128,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,128,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 128 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 128 : i32, 29 : i32] | tensor<[12,128,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 1536 : i32] | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 12 : i32, 128 : i32] | tensor<[12,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 12 : i32, 12 : i32] | tensor<[12,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 768 : i32] | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 12 : i32, 64 : i32] | tensor<[12,12,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 13 : i32, 128 : i32] | tensor<[12,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 13 : i32, 64 : i32] | tensor<[12,13,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,14,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 14 : i32, 128 : i32] | tensor<[12,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 14 : i32, 14 : i32] | tensor<[12,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 14 : i32, 64 : i32] | tensor<[12,14,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1500 : i32, 1500 : i32] | tensor<[12,1500,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1500 : i32, 64 : i32] | tensor<[12,1500,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 128 : i32] | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1536 : i32] | tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,15,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 15 : i32, 128 : i32] | tensor<[12,15,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 15 : i32, 64 : i32] | tensor<[12,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 16 : i32] | tensor<[1,1,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,16,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 16 : i32, 128 : i32] | tensor<[12,16,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 16 : i32, 16 : i32] | tensor<[12,16,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 16 : i32, 64 : i32] | tensor<[12,16,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,17,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 17 : i32, 128 : i32] | tensor<[12,17,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 17 : i32, 64 : i32] | tensor<[12,17,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,18,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 18 : i32, 128 : i32] | tensor<[12,18,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 18 : i32, 64 : i32] | tensor<[12,18,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 197 : i32, 197 : i32] | tensor<[12,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 197 : i32, 64 : i32] | tensor<[12,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,19,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 19 : i32, 128 : i32] | tensor<[12,19,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 19 : i32, 64 : i32] | tensor<[12,19,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 10 : i32] | tensor<[12,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 11 : i32] | tensor<[12,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 128 : i32] | tensor<[12,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 12 : i32] | tensor<[12,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 13 : i32] | tensor<[12,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 14 : i32] | tensor<[12,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 15 : i32] | tensor<[12,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 16 : i32] | tensor<[12,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 17 : i32] | tensor<[12,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 18 : i32] | tensor<[12,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 19 : i32] | tensor<[12,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 1 : i32] | tensor<[12,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 20 : i32] | tensor<[12,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 21 : i32] | tensor<[12,1,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 22 : i32] | tensor<[12,1,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 23 : i32] | tensor<[12,1,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 24 : i32] | tensor<[12,1,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 25 : i32] | tensor<[12,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 26 : i32] | tensor<[12,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 27 : i32] | tensor<[12,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 28 : i32] | tensor<[12,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 29 : i32] | tensor<[12,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 2 : i32] | tensor<[12,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 3 : i32] | tensor<[12,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 46 : i32] | tensor<[12,1,46,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 47 : i32] | tensor<[12,1,47,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 48 : i32] | tensor<[12,1,48,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 49 : i32] | tensor<[12,1,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 4 : i32] | tensor<[12,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 50 : i32] | tensor<[12,1,50,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 51 : i32] | tensor<[12,1,51,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 52 : i32] | tensor<[12,1,52,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 53 : i32] | tensor<[12,1,53,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 54 : i32] | tensor<[12,1,54,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 55 : i32] | tensor<[12,1,55,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 56 : i32] | tensor<[12,1,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 57 : i32] | tensor<[12,1,57,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 58 : i32] | tensor<[12,1,58,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 59 : i32] | tensor<[12,1,59,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 5 : i32] | tensor<[12,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 60 : i32] | tensor<[12,1,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 61 : i32] | tensor<[12,1,61,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 62 : i32] | tensor<[12,1,62,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 63 : i32] | tensor<[12,1,63,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 1 : i32, 64 : i32] | tensor<[12,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 65 : i32] | tensor<[12,1,65,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 66 : i32] | tensor<[12,1,66,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 67 : i32] | tensor<[12,1,67,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 68 : i32] | tensor<[12,1,68,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 69 : i32] | tensor<[12,1,69,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 6 : i32] | tensor<[12,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 70 : i32] | tensor<[12,1,70,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 71 : i32] | tensor<[12,1,71,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 72 : i32] | tensor<[12,1,72,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 73 : i32] | tensor<[12,1,73,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 74 : i32] | tensor<[12,1,74,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 75 : i32] | tensor<[12,1,75,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 76 : i32] | tensor<[12,1,76,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 77 : i32] | tensor<[12,1,77,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 78 : i32] | tensor<[12,1,78,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 79 : i32] | tensor<[12,1,79,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 7 : i32] | tensor<[12,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 80 : i32] | tensor<[12,1,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 81 : i32] | tensor<[12,1,81,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 82 : i32] | tensor<[12,1,82,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 83 : i32] | tensor<[12,1,83,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 84 : i32] | tensor<[12,1,84,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 85 : i32] | tensor<[12,1,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 86 : i32] | tensor<[12,1,86,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 87 : i32] | tensor<[12,1,87,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 88 : i32] | tensor<[12,1,88,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 89 : i32] | tensor<[12,1,89,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 8 : i32] | tensor<[12,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 90 : i32] | tensor<[12,1,90,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 91 : i32] | tensor<[12,1,91,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 92 : i32] | tensor<[12,1,92,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 93 : i32] | tensor<[12,1,93,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 94 : i32] | tensor<[12,1,94,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 95 : i32] | tensor<[12,1,95,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 96 : i32] | tensor<[12,1,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 97 : i32] | tensor<[12,1,97,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 98 : i32] | tensor<[12,1,98,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 99 : i32] | tensor<[12,1,99,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 1 : i32, 9 : i32] | tensor<[12,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 201 : i32, 201 : i32] | tensor<[12,201,201,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,201,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 201 : i32, 64 : i32] | tensor<[12,201,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,20,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 20 : i32, 128 : i32] | tensor<[12,20,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 20 : i32, 64 : i32] | tensor<[12,20,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,21,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 21 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 21 : i32, 128 : i32] | tensor<[12,21,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 21 + d1, d2), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,22,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 264 + d1 * 22 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 22 : i32, 128 : i32] | tensor<[12,22,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 22 + d1, d2), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,23,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 276 + d1 * 23 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 23 : i32, 128 : i32] | tensor<[12,23,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 23 + d1, d2), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,24,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 24 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 24 : i32, 128 : i32] | tensor<[12,24,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 2 : i32, 128 : i32] | tensor<[1,12,2,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 257 : i32, 257 : i32] | tensor<[12,257,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 257 : i32, 64 : i32] | tensor<[12,257,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,25,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 25 : i32, 128 : i32] | tensor<[12,25,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 25 : i32, 25 : i32] | tensor<[12,25,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 25 : i32, 64 : i32] | tensor<[12,25,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,26,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 312 + d1 * 26 + d2, d3), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 26 : i32, 128 : i32] | tensor<[12,26,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 26 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,27,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 324 + d1 * 27 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 27 : i32, 128 : i32] | tensor<[12,27,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,28,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 28 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 28 : i32, 128 : i32] | tensor<[12,28,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,29,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 * 29 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 29 : i32, 128 : i32] | tensor<[12,29,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 29 + d1, d2), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 2 : i32, 64 : i32] | tensor<[12,2,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 3072 : i32] | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 3 : i32, 64 : i32] | tensor<[12,3,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 45 : i32, 45 : i32] | tensor<[12,45,45,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,45,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 45 : i32, 64 : i32] | tensor<[12,45,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,46,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 46 : i32, 64 : i32] | tensor<[12,46,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 46 + d1, d2), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,47,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 47 : i32, 64 : i32] | tensor<[12,47,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 47 + d1, d2), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,48,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 48 : i32, 64 : i32] | tensor<[12,48,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,49,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 49 : i32, 64 : i32] | tensor<[12,49,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 4 : i32, 64 : i32] | tensor<[12,4,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 50 : i32, 50 : i32] | tensor<[12,50,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 50 : i32, 64 : i32] | tensor<[12,50,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,51,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 51 : i32, 64 : i32] | tensor<[12,51,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 51 + d1, d2), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,52,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 52 : i32, 64 : i32] | tensor<[12,52,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 52 + d1, d2), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,53,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 53 : i32, 64 : i32] | tensor<[12,53,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 53 + d1, d2), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,54,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 54 : i32, 64 : i32] | tensor<[12,54,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 54 + d1, d2), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,55,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 55 : i32, 64 : i32] | tensor<[12,55,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 55 + d1, d2), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 56 : i32, 64 : i32] | tensor<[12,56,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,57,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 57 : i32, 64 : i32] | tensor<[12,57,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 57 + d1, d2), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,58,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 58 : i32, 64 : i32] | tensor<[12,58,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 58 + d1, d2), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,59,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 59 : i32, 64 : i32] | tensor<[12,59,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 59 + d1, d2), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 5 : i32, 64 : i32] | tensor<[12,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,60,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 60 : i32, 64 : i32] | tensor<[12,60,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,61,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 61 : i32, 64 : i32] | tensor<[12,61,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 61 + d1, d2), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,62,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 62 : i32, 64 : i32] | tensor<[12,62,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 62 + d1, d2), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,63,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 63 : i32, 64 : i32] | tensor<[12,63,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 63 + d1, d2), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 10 : i32] | tensor<[12,64,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 11 : i32] | tensor<[12,64,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 12 : i32] | tensor<[12,64,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 13 : i32] | tensor<[12,64,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 14 : i32] | tensor<[12,64,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 1500 : i32] | tensor<[12,64,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 15 : i32] | tensor<[12,64,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 16 : i32] | tensor<[12,64,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 17 : i32] | tensor<[12,64,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 18 : i32] | tensor<[12,64,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 197 : i32] | tensor<[12,64,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 19 : i32] | tensor<[12,64,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 1 : i32] | tensor<[12,64,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 201 : i32] | tensor<[12,64,201,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 20 : i32] | tensor<[12,64,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 257 : i32] | tensor<[12,64,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 25 : i32] | tensor<[12,64,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 2 : i32] | tensor<[12,64,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 3 : i32] | tensor<[12,64,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 45 : i32] | tensor<[12,64,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 46 : i32] | tensor<[12,64,46,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 47 : i32] | tensor<[12,64,47,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 48 : i32] | tensor<[12,64,48,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 49 : i32] | tensor<[12,64,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 4 : i32] | tensor<[12,64,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 50 : i32] | tensor<[12,64,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 51 : i32] | tensor<[12,64,51,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 52 : i32] | tensor<[12,64,52,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 53 : i32] | tensor<[12,64,53,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 54 : i32] | tensor<[12,64,54,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 55 : i32] | tensor<[12,64,55,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 56 : i32] | tensor<[12,64,56,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 57 : i32] | tensor<[12,64,57,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 58 : i32] | tensor<[12,64,58,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 59 : i32] | tensor<[12,64,59,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 5 : i32] | tensor<[12,64,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 60 : i32] | tensor<[12,64,60,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 61 : i32] | tensor<[12,64,61,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 62 : i32] | tensor<[12,64,62,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 63 : i32] | tensor<[12,64,63,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 64 : i32] | tensor<[12,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 65 : i32] | tensor<[12,64,65,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 66 : i32] | tensor<[12,64,66,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 67 : i32] | tensor<[12,64,67,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 68 : i32] | tensor<[12,64,68,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 69 : i32] | tensor<[12,64,69,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 6 : i32] | tensor<[12,64,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 70 : i32] | tensor<[12,64,70,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 71 : i32] | tensor<[12,64,71,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 72 : i32] | tensor<[12,64,72,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 73 : i32] | tensor<[12,64,73,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 74 : i32] | tensor<[12,64,74,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 75 : i32] | tensor<[12,64,75,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 76 : i32] | tensor<[12,64,76,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 77 : i32] | tensor<[12,64,77,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 78 : i32] | tensor<[12,64,78,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 79 : i32] | tensor<[12,64,79,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 7 : i32] | tensor<[12,64,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 80 : i32] | tensor<[12,64,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 81 : i32] | tensor<[12,64,81,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 82 : i32] | tensor<[12,64,82,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 83 : i32] | tensor<[12,64,83,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 84 : i32] | tensor<[12,64,84,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 85 : i32] | tensor<[12,64,85,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 86 : i32] | tensor<[12,64,86,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 87 : i32] | tensor<[12,64,87,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 88 : i32] | tensor<[12,64,88,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 89 : i32] | tensor<[12,64,89,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 8 : i32] | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 8 : i32] | tensor<[12,64,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 90 : i32] | tensor<[12,64,90,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 91 : i32] | tensor<[12,64,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 92 : i32] | tensor<[12,64,92,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 93 : i32] | tensor<[12,64,93,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 94 : i32] | tensor<[12,64,94,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 95 : i32] | tensor<[12,64,95,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 96 : i32] | tensor<[12,64,96,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 97 : i32] | tensor<[12,64,97,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 98 : i32] | tensor<[12,64,98,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 64 : i32, 99 : i32] | tensor<[12,64,99,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 64 : i32, 9 : i32] | tensor<[12,64,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,65,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 65 : i32, 64 : i32] | tensor<[12,65,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,66,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 66 : i32, 64 : i32] | tensor<[12,66,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 66 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,67,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 67 : i32, 64 : i32] | tensor<[12,67,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 67 + d1, d2), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,68,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 68 : i32, 64 : i32] | tensor<[12,68,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 68 + d1, d2), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,69,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 69 : i32, 64 : i32] | tensor<[12,69,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 69 + d1, d2), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 6 : i32, 64 : i32] | tensor<[12,6,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,70,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 70 : i32, 64 : i32] | tensor<[12,70,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 70 + d1, d2), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 71 : i32, 64 : i32] | tensor<[12,71,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 71 + d1, d2), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,72,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 72 : i32, 64 : i32] | tensor<[12,72,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 72 + d1, d2), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 73 : i32, 64 : i32] | tensor<[12,73,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 73 + d1, d2), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,74,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 74 : i32, 64 : i32] | tensor<[12,74,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 74 + d1, d2), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,75,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 75 : i32, 64 : i32] | tensor<[12,75,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 75 + d1, d2), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 12 : i32, 64 : i32] | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 768 : i32] | tensor<[12,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,76,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 76 : i32, 64 : i32] | tensor<[12,76,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 76 + d1, d2), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,77,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 77 : i32, 64 : i32] | tensor<[12,77,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 77 + d1, d2), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,78,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 78 : i32, 64 : i32] | tensor<[12,78,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 78 + d1, d2), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,79,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 79 : i32, 64 : i32] | tensor<[12,79,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 79 + d1, d2), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 7 : i32, 64 : i32] | tensor<[12,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 7 : i32, 7 : i32] | tensor<[12,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 80 : i32, 64 : i32] | tensor<[12,80,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,81,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 81 : i32, 64 : i32] | tensor<[12,81,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 81 + d1, d2), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,82,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 82 : i32, 64 : i32] | tensor<[12,82,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 82 + d1, d2), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,83,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 83 : i32, 64 : i32] | tensor<[12,83,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 83 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,84,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 84 : i32, 64 : i32] | tensor<[12,84,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 84 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,85,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 85 : i32, 64 : i32] | tensor<[12,85,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 85 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,86,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 86 : i32, 64 : i32] | tensor<[12,86,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 86 + d1, d2), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,87,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 87 : i32, 64 : i32] | tensor<[12,87,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 87 + d1, d2), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,88,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 88 : i32, 64 : i32] | tensor<[12,88,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 88 + d1, d2), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 8960 : i32] | tensor<[12,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,89,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 89 : i32, 64 : i32] | tensor<[12,89,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 89 + d1, d2), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 8 : i32, 64 : i32] | tensor<[12,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 8 : i32, 8 : i32] | tensor<[12,8,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,90,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 90 : i32, 64 : i32] | tensor<[12,90,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 90 + d1, d2), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,91,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 91 : i32, 64 : i32] | tensor<[12,91,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 91 + d1, d2), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,92,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 92 : i32, 64 : i32] | tensor<[12,92,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 92 + d1, d2), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,93,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 93 : i32, 64 : i32] | tensor<[12,93,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 93 + d1, d2), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,94,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 94 : i32, 64 : i32] | tensor<[12,94,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 94 + d1, d2), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,95,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 95 : i32, 64 : i32] | tensor<[12,95,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 95 + d1, d2), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 96 : i32] | tensor<[12,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,96,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 96 : i32, 64 : i32] | tensor<[12,96,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 96 + d1, d2), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,97,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 97 : i32, 64 : i32] | tensor<[12,97,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 97 + d1, d2), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,98,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 98 : i32, 64 : i32] | tensor<[12,98,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 98 + d1, d2), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,99,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1188 + d1 * 99 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 99 : i32, 64 : i32] | tensor<[12,99,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 99 + d1, d2), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [12 : i32, 9 : i32, 64 : i32] | tensor<[12,9,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [12 : i32, 9 : i32, 9 : i32] | tensor<[12,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 11 : i32, 12 : i32, 11 : i32, 12 : i32, 192 : i32] | tensor<[1,11,12,11,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 11 : i32, 12 : i32, 11 : i32, 12 : i32, 384 : i32] | tensor<[1,11,12,11,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 17424 + d1 * 1584 + d2 * 132 + d3 * 12 + d4, d5), memory_config: (545, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 1280 : i32] | tensor<[1370,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | shape: [1370 : i32, 5120 : i32] | tensor<[1370,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [13 : i32, 1536 : i32] | tensor<[13,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | shape: [13 : i32, 18944 : i32] | tensor<[13,18944,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 28 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 3584 : i32] | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 28 : i32, 128 : i32] | tensor<[1,13,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 28 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | shape: [13 : i32, 3584 : i32] | tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 13 : i32, 4 : i32, 128 : i32] | tensor<[1,13,4,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 4 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,13,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [13 : i32, 96 : i32] | tensor<[13,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1445 : i32, 3 : i32, 64 : i32] | tensor<[1,1445,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 3 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | shape: [1445 : i32, 192 : i32] | tensor<[1445,192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1445,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 3 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1445 : i32, 192 : i32] | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | shape: [1445 : i32, 768 : i32] | tensor<[1445,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 128 : i32] | tensor<[14,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 768 : i32] | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 1024 : i32] | tensor<[196,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 2048 : i32] | tensor<[196,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 7 : i32, 2 : i32, 7 : i32, 512 : i32] | tensor<[1,2,7,2,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 14 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 512 : i32] | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 1536 : i32] | tensor<[14,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 3072 : i32] | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 14 : i32, 12 : i32, 64 : i32] | tensor<[1,14,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 768 : i32] | tensor<[14,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,14,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 96 : i32] | tensor<[14,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1500,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 12 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1500 : i32, 768 : i32] | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | shape: [1500 : i32, 3072 : i32] | tensor<[1500,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1500 : i32, 12 : i32, 64 : i32] | tensor<[1,1500,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 12 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1500 : i32, 12 : i32, 64 : i32] | tensor<[1,1500,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 12 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | shape: [1500 : i32, 768 : i32] | tensor<[1500,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 16 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | shape: [1536 : i32, 16 : i32, 16 : i32] | tensor<[1536,16,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,32,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | shape: [1536 : i32, 32 : i32, 16 : i32] | tensor<[1536,32,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,32,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 32 + d2, d3), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | shape: [1536 : i32, 32 : i32, 64 : i32] | tensor<[1536,32,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1536,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 64 + d2, d3), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') | shape: [1536 : i32, 64 : i32, 64 : i32] | tensor<[1536,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (3072, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [15 : i32, 1024 : i32] | tensor<[15,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [15 : i32, 1536 : i32] | tensor<[15,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 6 : i32, 64 : i32] | tensor<[1,15,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | shape: [15 : i32, 384 : i32] | tensor<[15,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [15 : i32, 512 : i32] | tensor<[15,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 384 : i32] | tensor<[1,15,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,15,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [15 : i32, 96 : i32] | tensor<[15,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,160,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (5, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 160 : i32, 32 : i32, 32 : i32] | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,160,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 16 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 160 : i32, 256 : i32] | tensor<[1,160,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (5, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,160,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 32 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 160 : i32, 1024 : i32] | tensor<[1,160,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (5, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [16384 : i32, 128 : i32] | tensor<[16384,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | shape: [16384 : i32, 1536 : i32] | tensor<[16384,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 192 : i32] | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | shape: [16384 : i32, 192 : i32] | tensor<[16384,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 32 : i32] | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 32 : i32] | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 1 : i32, 32 : i32] | tensor<[1,16384,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [16384 : i32, 32 : i32] | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 128 : i32, 128 : i32, 384 : i32] | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | shape: [16384 : i32, 384 : i32] | tensor<[16384,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | shape: [16384 : i32, 768 : i32] | tensor<[16384,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 10 : i32, 10 : i32] | tensor<[16,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 10 : i32, 64 : i32] | tensor<[16,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 11 : i32, 64 : i32] | tensor<[16,11,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,128,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 128 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 128 : i32, 9 : i32] | tensor<[16,128,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 768 : i32] | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 12 : i32, 64 : i32] | tensor<[16,12,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1370 : i32, 1370 : i32] | tensor<[16,1370,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1370 : i32, 80 : i32] | tensor<[16,1370,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 13 : i32, 64 : i32] | tensor<[16,13,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 14 : i32, 64 : i32] | tensor<[16,14,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 15 : i32, 64 : i32] | tensor<[16,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1280 : i32] | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1536 : i32] | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 3072 : i32] | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 16 : i32, 64 : i32] | tensor<[16,16,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 17 : i32, 64 : i32] | tensor<[16,17,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 18 : i32, 64 : i32] | tensor<[16,18,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 197 : i32, 197 : i32] | tensor<[16,197,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 197 : i32, 64 : i32] | tensor<[16,197,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 19 : i32, 64 : i32] | tensor<[16,19,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 10 : i32] | tensor<[16,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 11 : i32] | tensor<[16,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 12 : i32] | tensor<[16,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 13 : i32] | tensor<[16,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 14 : i32] | tensor<[16,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 15 : i32] | tensor<[16,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 16 : i32] | tensor<[16,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 17 : i32] | tensor<[16,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 18 : i32] | tensor<[16,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 19 : i32] | tensor<[16,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 1 : i32] | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 20 : i32] | tensor<[16,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 21 : i32] | tensor<[16,1,21,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 22 : i32] | tensor<[16,1,22,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 23 : i32] | tensor<[16,1,23,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 24 : i32] | tensor<[16,1,24,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 25 : i32] | tensor<[16,1,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 26 : i32] | tensor<[16,1,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 27 : i32] | tensor<[16,1,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 28 : i32] | tensor<[16,1,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 29 : i32] | tensor<[16,1,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 2 : i32] | tensor<[16,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 3 : i32] | tensor<[16,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 4 : i32] | tensor<[16,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 5 : i32] | tensor<[16,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 64 : i32] | tensor<[16,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 6 : i32] | tensor<[16,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 7 : i32] | tensor<[16,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 8 : i32] | tensor<[16,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 1 : i32, 9 : i32] | tensor<[16,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 20 : i32, 64 : i32] | tensor<[16,20,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 21 : i32, 64 : i32] | tensor<[16,21,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 21 + d1, d2), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 22 : i32, 64 : i32] | tensor<[16,22,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 22 + d1, d2), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 23 : i32, 64 : i32] | tensor<[16,23,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 23 + d1, d2), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 24 : i32, 64 : i32] | tensor<[16,24,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 256 : i32, 256 : i32] | tensor<[16,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 256 : i32, 64 : i32] | tensor<[16,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 25 : i32, 64 : i32] | tensor<[16,25,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,26,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 26 : i32, 64 : i32] | tensor<[16,26,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 26 + d1, d2), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,27,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 27 : i32, 64 : i32] | tensor<[16,27,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,28,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 28 : i32, 64 : i32] | tensor<[16,28,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,29,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 464 + d1 * 29 + d2, d3), memory_config: (15, 2, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 29 : i32, 64 : i32] | tensor<[16,29,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 29 + d1, d2), memory_config: (15, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 2 : i32, 64 : i32] | tensor<[16,2,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 3072 : i32] | tensor<[16,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 32 : i32] | tensor<[16,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 32 : i32, 32 : i32] | tensor<[16,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,32,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 32 : i32, 96 : i32] | tensor<[16,32,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 3 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 3 : i32, 64 : i32] | tensor<[16,3,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 4 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 4 : i32, 64 : i32] | tensor<[16,4,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 5 : i32, 5 : i32] | tensor<[16,5,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 5 : i32, 64 : i32] | tensor<[16,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 10 : i32] | tensor<[16,64,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 11 : i32] | tensor<[16,64,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 12 : i32] | tensor<[16,64,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 13 : i32] | tensor<[16,64,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 14 : i32] | tensor<[16,64,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 15 : i32] | tensor<[16,64,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 16 : i32] | tensor<[16,64,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 17 : i32] | tensor<[16,64,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 18 : i32] | tensor<[16,64,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 7, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 197 : i32] | tensor<[16,64,197,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 19 : i32] | tensor<[16,64,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 1 : i32] | tensor<[16,64,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 20 : i32] | tensor<[16,64,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 21 : i32] | tensor<[16,64,21,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 22 : i32] | tensor<[16,64,22,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 23 : i32] | tensor<[16,64,23,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 24 : i32] | tensor<[16,64,24,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 256 : i32] | tensor<[16,64,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 25 : i32] | tensor<[16,64,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 26 : i32] | tensor<[16,64,26,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 27 : i32] | tensor<[16,64,27,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 28 : i32] | tensor<[16,64,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 64 : i32, 29 : i32] | tensor<[16,64,29,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 2 : i32] | tensor<[16,64,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 3 : i32] | tensor<[16,64,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 4 : i32] | tensor<[16,64,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 5 : i32] | tensor<[16,64,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 6 : i32] | tensor<[16,64,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 7 : i32] | tensor<[16,64,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 8 : i32] | tensor<[16,64,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 64 : i32, 9 : i32] | tensor<[16,64,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 6 : i32, 64 : i32] | tensor<[16,6,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 6 : i32, 6 : i32] | tensor<[16,6,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 12 : i32, 64 : i32] | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 768 : i32] | tensor<[16,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 7 : i32, 64 : i32] | tensor<[16,7,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,80,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 80 + d2, d3), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 80 : i32, 1370 : i32] | tensor<[16,80,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (40, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 8 : i32, 49 : i32, 49 : i32] | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 8 : i32, 64 : i32] | tensor<[16,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 9 : i32, 128 : i32] | tensor<[16,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 9 : i32, 64 : i32] | tensor<[16,9,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 9 : i32, 9 : i32] | tensor<[16,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,184,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | shape: [184 : i32, 14 : i32, 7 : i32] | tensor<[184,14,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | shape: [184 : i32, 7 : i32, 7 : i32] | tensor<[184,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [18 : i32, 14 : i32, 14 : i32] | tensor<[18,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [18 : i32, 28 : i32, 28 : i32] | tensor<[18,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [18 : i32, 56 : i32, 14 : i32] | tensor<[18,56,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,56,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [18 : i32, 56 : i32, 28 : i32] | tensor<[18,56,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,56,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [18 : i32, 56 : i32, 7 : i32] | tensor<[18,56,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,18,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | shape: [18 : i32, 7 : i32, 7 : i32] | tensor<[18,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19200 : i32, 64 : i32] | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | shape: [19200 : i32, 256 : i32] | tensor<[19200,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 120 : i32, 160 : i32, 64 : i32] | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19200 : i32, 1 : i32, 64 : i32] | tensor<[1,19200,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [19200 : i32, 64 : i32] | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 60 : i32, 256 : i32] | tensor<[1,32,60,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1920 : i32] | tensor<[1,1920,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 60 : i32, 1024 : i32] | tensor<[1,32,60,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 16384 : i32] | tensor<[1,192,16384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | shape: [192 : i32, 128 : i32, 128 : i32] | tensor<[192,128,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,192,16384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 512, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 128 : i32, 128 : i32] | tensor<[1,192,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 128 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,192,256,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | shape: [192 : i32, 256 : i32, 128 : i32] | tensor<[192,256,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,192,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 65536 : i32] | tensor<[1,192,65536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 2048, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,192,32,42,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 32 + d2, d3), memory_config: (192, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 192 : i32, 1344 : i32] | tensor<[1,192,1344,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,192,65536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 192 + d1, d2), memory_config: (6, 2048, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 192 : i32, 256 : i32, 256 : i32] | tensor<[1,192,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 256 + d2, d3), memory_config: (1536, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 3072 : i32] | tensor<[196,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 768 : i32] | tensor<[196,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 16 : i32, 64 : i32] | tensor<[1,197,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 16 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | shape: [197 : i32, 1024 : i32] | tensor<[197,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 12 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 768 : i32] | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 16 + d2, d3), memory_config: (99, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 1024 : i32] | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | shape: [197 : i32, 3072 : i32] | tensor<[197,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | shape: [197 : i32, 4096 : i32] | tensor<[197,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 197 : i32, 12 : i32, 64 : i32] | tensor<[1,197,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 12 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [197 : i32, 768 : i32] | tensor<[197,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32] | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16 : i32, 64 : i32] | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32] | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1536 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 192 : i32] | tensor<[1,192,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 12 : i32, 512 : i32] | tensor<[1,12,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 128 : i32] | tensor<[1,1,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1536 : i32] | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 256 : i32] | tensor<[1,16384,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16384 : i32, 32 : i32] | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 256 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 16 : i32, 32 : i32] | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1024 : i32] | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19200 : i32, 300 : i32] | tensor<[1,19200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,19200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 19200 : i32, 64 : i32] | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 32 : i32] | tensor<[1,1,1,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,6,4,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6 + d1 * 6 + d2 * 6 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 4 : i32] | tensor<[1,6,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,6,91,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6 + d1 * 6 + d2 * 6 + d3, d4), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 91 : i32] | tensor<[1,6,91,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 49 : i32, 1024 : i32] | tensor<[1,49,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32] | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 2 : i32, 128 : i32] | tensor<[1,1,2,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 32 : i32] | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 300 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 64 : i32] | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 768 : i32] | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32] | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 256 : i32] | tensor<[1,32,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 6 : i32, 64 : i32] | tensor<[1,1,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 384 : i32] | tensor<[1,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32] | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4 : i32, 4 : i32, 64 : i32] | tensor<[1,1,4,4,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16 + d1 * 16 + d2 * 4 + d3, d4), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 8 : i32, 64 : i32] | tensor<[1,1,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,512,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 512 : i32, 384 : i32] | tensor<[1,512,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 64 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 300 : i32] | tensor<[1,64,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 384 : i32] | tensor<[1,1,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 64 : i32] | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 12 : i32, 64 : i32] | tensor<[1,1,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32] | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,7,1,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 7 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8960 : i32] | tensor<[1,8960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,1,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32] | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,200,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | shape: [200 : i32, 14 : i32, 7 : i32] | tensor<[200,14,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | shape: [200 : i32, 7 : i32, 7 : i32] | tensor<[200,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[1,201,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 12 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 201 : i32, 768 : i32] | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | shape: [201 : i32, 3072 : i32] | tensor<[201,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 201 : i32, 12 : i32, 64 : i32] | tensor<[1,201,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 12 + d2, d3), memory_config: (76, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [201 : i32, 768 : i32] | tensor<[201,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 8 : i32, 160 : i32] | tensor<[1,2048,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 8 + d2, d3), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 300 : i32] | tensor<[1,2048,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32] | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 8 : i32, 32 : i32] | tensor<[1,2048,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 8 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 15 : i32, 20 : i32] | tensor<[1,2048,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 15 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | shape: [2048 : i32, 768 : i32] | tensor<[2048,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | shape: [2048 : i32, 768 : i32] | tensor<[2048,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2048,8,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 8 + d2, d3), memory_config: (512, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 768 : i32] | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,22,12,22,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 264 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 264 : i32, 264 : i32, 192 : i32] | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,22,22,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 12 : i32, 12 : i32, 192 : i32] | tensor<[484,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | shape: [240 : i32, 14 : i32, 14 : i32] | tensor<[240,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,240,28,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | shape: [240 : i32, 28 : i32, 14 : i32] | tensor<[240,28,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 10 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 4 : i32, 10 : i32, 10 : i32] | tensor<[1,6,4,10,10,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 240 + d1 * 40 + d2 * 10 + d3, d4), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 128 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 128 : i32, 32 : i32] | tensor<[24,128,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 4 : i32, 1 : i32, 1 : i32] | tensor<[1,6,4,1,1,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 24 + d1 * 4 + d2 + d3, d4), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 20 + d2, d3), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 4 : i32, 20 : i32, 20 : i32] | tensor<[1,6,4,20,20,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 480 + d1 * 80 + d2 * 20 + d3, d4), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32, 12 : i32, 2 : i32, 12 : i32, 1536 : i32] | tensor<[1,2,12,2,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 24 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 2 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 4 : i32, 2 : i32, 2 : i32] | tensor<[1,6,4,2,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 48 + d1 * 8 + d2 * 2 + d3, d4), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 32 : i32, 128 : i32] | tensor<[24,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 32 : i32, 32 : i32] | tensor<[24,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 3 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 4 : i32, 3 : i32, 3 : i32] | tensor<[1,6,4,3,3,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 72 + d1 * 12 + d2 * 3 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,24,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 5 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 4 : i32, 5 : i32, 5 : i32] | tensor<[1,6,4,5,5,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 120 + d1 * 20 + d2 * 5 + d3, d4), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2520,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2520 + d1 + d2, d3), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2520 : i32] | tensor<[1,2520,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,255,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4080 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3 : i32, 85 : i32, 16 : i32, 16 : i32] | tensor<[1,3,85,16,16,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 4080 + d1 * 1360 + d2 * 16 + d3, d4), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,255,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 32 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3 : i32, 85 : i32, 32 : i32, 32 : i32] | tensor<[1,3,85,32,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 8160 + d1 * 2720 + d2 * 32 + d3, d4), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,255,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16320 + d1 * 64 + d2, d3), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3 : i32, 85 : i32, 64 : i32, 64 : i32] | tensor<[1,3,85,64,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 16320 + d1 * 5440 + d2 * 64 + d3, d4), memory_config: (510, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 80 : i32, 256 : i32] | tensor<[1,32,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 80 : i32, 64 : i32] | tensor<[1,32,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 256 : i32] | tensor<[1,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 16 : i32, 64 : i32] | tensor<[1,256,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 32 : i32, 32 : i32] | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1024 : i32] | tensor<[256,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 19200 : i32] | tensor<[1,256,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 8 : i32, 160 : i32] | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1280 : i32] | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 8 : i32, 160 : i32] | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 1280 : i32] | tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 128 : i32, 128 : i32] | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,128,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 128 : i32, 16 : i32] | tensor<[256,128,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 128 : i32, 32 : i32] | tensor<[256,128,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 128 : i32, 64 : i32] | tensor<[256,128,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 1536 : i32] | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | shape: [256 : i32, 1536 : i32] | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 5 : i32, 32 : i32] | tensor<[1,256,5,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 160 : i32] | tensor<[256,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 512, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 128 : i32, 128 : i32] | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32] | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 16 : i32, 16 : i32] | tensor<[256,16,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1024 : i32] | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 600, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 120 : i32, 160 : i32] | tensor<[1,256,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 120 + d2, d3), memory_config: (960, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,23,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5888 + d1 * 23 + d2, d3), memory_config: (184, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 920 : i32] | tensor<[1,256,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 16 : i32, 16 : i32, 256 : i32] | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 16 : i32, 16 : i32] | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 8 : i32, 32 : i32] | tensor<[1,256,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 256 : i32] | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 65536 : i32, 192 : i32] | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | shape: [256 : i32, 3072 : i32] | tensor<[256,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1 : i32, 32 : i32] | tensor<[1,256,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 32 : i32] | tensor<[256,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,32,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 32 : i32, 16 : i32] | tensor<[256,32,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 32 : i32, 32 : i32] | tensor<[256,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 64 : i32, 64 : i32] | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 4096 : i32] | tensor<[256,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 5120 : i32] | tensor<[256,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 512 : i32] | tensor<[256,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | shape: [256 : i32, 6144 : i32] | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 2 : i32, 32 : i32] | tensor<[1,256,2,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 64 : i32] | tensor<[256,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 4096 : i32] | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 64 : i32, 64 : i32] | tensor<[256,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 8 : i32, 96 : i32] | tensor<[1,256,8,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 768 : i32] | tensor<[256,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1280 : i32] | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1280 : i32] | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,256,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32] | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 72, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 257 : i32, 3 : i32, 12 : i32, 64 : i32] | tensor<[1,257,3,12,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 9252 + d1 * 36 + d2 * 12 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | shape: [257 : i32, 3072 : i32] | tensor<[257,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | shape: [257 : i32, 768 : i32] | tensor<[257,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 25 : i32, 768 : i32] | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [25 : i32, 3072 : i32] | tensor<[25,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 25 : i32, 12 : i32, 64 : i32] | tensor<[1,25,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [25 : i32, 768 : i32] | tensor<[25,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 22 : i32, 12 : i32, 22 : i32, 12 : i32, 192 : i32] | tensor<[1,22,12,22,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 264 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6939 + d1 * 257 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 27 : i32, 257 : i32] | tensor<[1,27,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [27 : i32, 1 : i32, 1 : i32, 768 : i32] | tensor<[27,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [27 : i32, 768 : i32] | tensor<[27,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,27,768,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20736 + d1 * 768 + d2, d3), memory_config: (648, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 27 : i32, 768 : i32] | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,128,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 128 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | shape: [28 : i32, 128 : i32, 13 : i32] | tensor<[28,128,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | shape: [28 : i32, 13 : i32, 128 : i32] | tensor<[28,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [28 : i32, 13 : i32, 13 : i32] | tensor<[28,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | shape: [784 : i32, 1024 : i32] | tensor<[784,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4 : i32, 7 : i32, 4 : i32, 7 : i32, 256 : i32] | tensor<[1,4,7,4,7,256,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 784 + d1 * 196 + d2 * 28 + d3 * 7 + d4, d5), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [784 : i32, 256 : i32] | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | shape: [784 : i32, 512 : i32] | tensor<[784,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,12,2,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 24 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 24 : i32, 1536 : i32] | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 256 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 256 : i32, 32 : i32] | tensor<[2,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,2,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 12 : i32, 12 : i32, 1536 : i32] | tensor<[4,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 300 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 300 : i32, 64 : i32] | tensor<[2,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 32 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 32 : i32, 256 : i32] | tensor<[2,32,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 4096 : i32, 256 : i32] | tensor<[2,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,4096,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 4096 : i32, 32 : i32] | tensor<[2,4096,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 4800 : i32, 300 : i32] | tensor<[2,4800,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,4800,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 4800 : i32, 64 : i32] | tensor<[2,4800,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,2,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 64 + d2, d3), memory_config: (4, 10, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 64 : i32, 300 : i32] | tensor<[2,64,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (4, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 2 : i32, 64 : i32] | tensor<[1,300,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 2 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | shape: [300 : i32, 128 : i32] | tensor<[300,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | shape: [300 : i32, 2048 : i32] | tensor<[300,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 5 : i32, 64 : i32] | tensor<[1,300,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 * 5 + d2, d3), memory_config: (47, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | shape: [300 : i32, 320 : i32] | tensor<[300,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 15 : i32, 20 : i32, 512 : i32] | tensor<[1,15,20,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 8 : i32, 64 : i32] | tensor<[1,300,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 8 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | shape: [300 : i32, 512 : i32] | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 1 : i32, 64 : i32] | tensor<[1,300,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | shape: [300 : i32, 64 : i32] | tensor<[300,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,300,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 8 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 512 : i32] | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 3072 : i32] | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,320,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (10, 38, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 30 : i32, 40 : i32] | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,320,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 15 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 300 : i32] | tensor<[1,320,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,320,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 30 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 320 : i32, 1200 : i32] | tensor<[1,320,1200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (10, 38, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 10 : i32, 1024 : i32] | tensor<[1,32,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 10 : i32, 4096 : i32] | tensor<[1,32,10,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 8 : i32, 128 : i32] | tensor<[1,32,8,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 8 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 32 : i32, 32 : i32] | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 320 : i32, 64 : i32, 64 : i32] | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 11008 : i32] | tensor<[32,11008,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 16384 : i32] | tensor<[1,32,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | shape: [32 : i32, 128 : i32, 32 : i32] | tensor<[32,128,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 1536 : i32] | tensor<[32,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 128 : i32, 128 : i32] | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 16 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 256 : i32] | tensor<[1,32,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 640 : i32, 32 : i32, 32 : i32] | tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 640 : i32, 16 : i32, 16 : i32] | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 640 : i32, 64 : i32, 64 : i32] | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 24 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 3072 : i32] | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 24 : i32, 128 : i32] | tensor<[1,32,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 24 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 3072 : i32] | tensor<[32,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 32 : i32, 32 : i32] | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 960 : i32, 64 : i32, 64 : i32] | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 4096 : i32] | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | shape: [32 : i32, 32 : i32, 128 : i32] | tensor<[32,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1536 : i32] | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 1536 : i32] | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,3072,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 3072 : i32] | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [32 : i32, 32 : i32, 32 : i32] | tensor<[32,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 32 : i32, 49 : i32] | tensor<[32,32,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1024 : i32, 640 : i32] | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1024 : i32, 768 : i32] | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 4096 : i32] | tensor<[32,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 32 : i32, 32 : i32] | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 16 : i32, 16 : i32] | tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1280 : i32, 8 : i32, 8 : i32] | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,4608,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 144, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 16 : i32, 3 : i32, 96 : i32] | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 49 : i32, 32 : i32] | tensor<[32,49,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 49 : i32, 49 : i32] | tensor<[32,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1920 : i32, 32 : i32, 32 : i32] | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1920 : i32, 16 : i32, 16 : i32] | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 6144 : i32] | tensor<[32,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2560 : i32, 16 : i32, 16 : i32] | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2560 : i32, 8 : i32, 8 : i32] | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | shape: [32 : i32, 8192 : i32] | tensor<[32,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 144 : i32, 144 : i32] | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [36 : i32, 14 : i32, 14 : i32] | tensor<[36,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 24 : i32, 144 : i32, 144 : i32] | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,28,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [36 : i32, 28 : i32, 14 : i32] | tensor<[36,28,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,28,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [36 : i32, 28 : i32, 7 : i32] | tensor<[36,28,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 12 : i32, 3 : i32, 12 : i32, 1536 : i32] | tensor<[1,3,12,3,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 12 : i32, 3 : i32, 12 : i32, 768 : i32] | tensor<[1,3,12,3,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,36,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [36 : i32, 7 : i32, 7 : i32] | tensor<[36,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3712 : i32] | tensor<[1,3712,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,384,128,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 128 + d2, d3), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | shape: [384 : i32, 128 : i32, 64 : i32] | tensor<[384,128,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,384,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') | shape: [384 : i32, 256 : i32, 256 : i32] | tensor<[384,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,384,32,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 32 + d2, d3), memory_config: (384, 8, 'tile<32x32, f32>', 'dram') | shape: [384 : i32, 32 : i32, 256 : i32] | tensor<[384,32,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (384, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,384,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | shape: [384 : i32, 64 : i32, 64 : i32] | tensor<[384,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 1024 + d2, d3), memory_config: (96, 32, 'tile<32x32, f32>', 'dram') | shape: [3 : i32, 1024 : i32, 1024 : i32] | tensor<[3,1024,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,12,3,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 36 : i32, 1536 : i32] | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,12,3,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 36 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 36 : i32, 768 : i32] | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | shape: [3 : i32, 1445 : i32, 1445 : i32] | tensor<[3,1445,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | shape: [3 : i32, 1445 : i32, 64 : i32] | tensor<[3,1445,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 85 : i32] | tensor<[1,768,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 256 + d2, d3), memory_config: (24, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3 : i32, 16 : i32, 16 : i32, 16 : i32, 16 : i32] | tensor<[1,3,16,16,16,16,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 256 + d3 * 16 + d4, d5), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,320,320,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 320 + d2, d3), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | shape: [3 : i32, 320 : i32, 320 : i32] | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 3072 : i32, 85 : i32] | tensor<[1,3072,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 12 : i32, 12 : i32, 1536 : i32] | tensor<[9,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,3,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 12 : i32, 12 : i32, 768 : i32] | tensor<[9,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,512,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 32, 'tile<32x32, f32>', 'dram') | shape: [3 : i32, 512 : i32, 1024 : i32] | tensor<[3,512,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (48, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,64,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 64 + d2, d3), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | shape: [3 : i32, 64 : i32, 1445 : i32] | tensor<[3,64,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (6, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12288 : i32, 85 : i32] | tensor<[1,12288,85,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12288 + d1, d2), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 4096 : i32] | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | shape: [4096 : i32, 1280 : i32] | tensor<[4096,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | shape: [4096 : i32, 1536 : i32] | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [4096 : i32, 256 : i32] | tensor<[4096,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,2,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 2 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 64 : i32] | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | shape: [4096 : i32, 3072 : i32] | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 8 : i32, 40 : i32] | tensor<[1,4096,8,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 8 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 320 : i32] | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [4096 : i32, 320 : i32] | tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 384 : i32] | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | shape: [4096 : i32, 384 : i32] | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 2 : i32, 32 : i32] | tensor<[1,4096,2,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 2 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [4096 : i32, 64 : i32] | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 768 : i32] | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | shape: [4096 : i32, 768 : i32] | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4096,8,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 8 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 320 : i32] | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 12 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 45 : i32, 768 : i32] | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | shape: [45 : i32, 3072 : i32] | tensor<[45,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 45 : i32, 12 : i32, 64 : i32] | tensor<[1,45,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 12 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [45 : i32, 768 : i32] | tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4800 : i32, 2 : i32, 64 : i32] | tensor<[1,4800,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 2 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 60 : i32, 80 : i32, 128 : i32] | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [4800 : i32, 128 : i32] | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4800,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 2 + d2, d3), memory_config: (300, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4800 : i32, 128 : i32] | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | shape: [4800 : i32, 512 : i32] | tensor<[4800,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | shape: [480 : i32, 14 : i32, 7 : i32] | tensor<[480,14,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | shape: [480 : i32, 7 : i32, 7 : i32] | tensor<[480,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 6 : i32, 144 : i32, 144 : i32] | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,49,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 7 : i32, 7 : i32, 1024 : i32] | tensor<[1,1,1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,49,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [49 : i32, 1024 : i32] | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,49,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 49 : i32, 3 : i32, 32 : i32, 32 : i32] | tensor<[1,49,3,32,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 4704 + d1 * 96 + d2 * 32 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 16 : i32, 49 : i32, 49 : i32] | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 48 : i32, 144 : i32, 144 : i32] | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 12 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50 : i32, 768 : i32] | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | shape: [50 : i32, 3072 : i32] | tensor<[50,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50 : i32, 12 : i32, 64 : i32] | tensor<[1,50,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 12 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [50 : i32, 768 : i32] | tensor<[50,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,51200,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 51200 : i32] | tensor<[1,1,51200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 512 : i32, 12 : i32] | tensor<[1,1,512,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 512 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 15 + d2, d3), memory_config: (240, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 300 : i32] | tensor<[1,512,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32] | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 150, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 60 : i32, 80 : i32] | tensor<[1,512,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 60 + d2, d3), memory_config: (960, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 512 : i32, 4800 : i32] | tensor<[1,512,4800,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 150, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 25088 : i32] | tensor<[1,25088,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 784, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,546,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5460 + d1 * 10 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 91 : i32, 10 : i32, 10 : i32] | tensor<[1,6,91,10,10,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 5460 + d1 * 910 + d2 * 10 + d3, d4), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,546,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 546 + d1 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 91 : i32, 1 : i32, 1 : i32] | tensor<[1,6,91,1,1,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 546 + d1 * 91 + d2 + d3, d4), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,546,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10920 + d1 * 20 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 91 : i32, 20 : i32, 20 : i32] | tensor<[1,6,91,20,20,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 10920 + d1 * 1820 + d2 * 20 + d3, d4), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,546,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 2 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 91 : i32, 2 : i32, 2 : i32] | tensor<[1,6,91,2,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1092 + d1 * 182 + d2 * 2 + d3, d4), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,546,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1638 + d1 * 3 + d2, d3), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 91 : i32, 3 : i32, 3 : i32] | tensor<[1,6,91,3,3,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1638 + d1 * 273 + d2 * 3 + d3, d4), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,546,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2730 + d1 * 5 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 91 : i32, 5 : i32, 5 : i32] | tensor<[1,6,91,5,5,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2730 + d1 * 455 + d2 * 5 + d3, d4), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 7 : i32, 8 : i32, 7 : i32, 128 : i32] | tensor<[1,8,7,8,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 56 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [3136 : i32, 128 : i32] | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | shape: [3136 : i32, 512 : i32] | tensor<[3136,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 1024 : i32] | tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 1024 : i32, 256 : i32] | tensor<[5,1024,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1024,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 1024 : i32, 32 : i32] | tensor<[5,1024,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (160, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 1200 : i32, 300 : i32] | tensor<[5,1200,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1200,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 1200 : i32, 64 : i32] | tensor<[5,1200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (188, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1280 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 16 : i32, 32 : i32] | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 1024 : i32] | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,1,16,2,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 16 + d3, d4), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 5 : i32, 1 : i32, 32 : i32] | tensor<[1,5,1,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 256 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 256 : i32, 32 : i32] | tensor<[5,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 * 300 + d2, d3), memory_config: (47, 2, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 300 : i32, 64 : i32] | tensor<[5,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (47, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 4 : i32, 768 : i32] | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 32 + d2, d3), memory_config: (5, 8, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 32 : i32, 256 : i32] | tensor<[5,32,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (5, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 4096 : i32] | tensor<[5,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 4 : i32, 4 : i32, 64 : i32] | tensor<[1,5,4,4,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 80 + d1 * 16 + d2 * 4 + d3, d4), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,5,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 64 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | shape: [5 : i32, 64 : i32, 300 : i32] | tensor<[5,64,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,640,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 640 + d1, d2), memory_config: (20, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 32 : i32, 32 : i32] | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 20 : i32, 256 : i32] | tensor<[1,32,20,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 20 : i32, 1024 : i32] | tensor<[1,32,20,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 1024 : i32] | tensor<[1,640,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 640 + d1, d2), memory_config: (20, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 32 : i32, 32 : i32] | tensor<[640,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,640,64,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | shape: [640 : i32, 64 : i32, 32 : i32] | tensor<[640,64,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 20 : i32, 4096 : i32] | tensor<[1,32,20,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 19200 : i32] | tensor<[1,64,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,120,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 120 : i32, 80 : i32] | tensor<[64,120,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (240, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 8 : i32, 160 : i32] | tensor<[1,64,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 8 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 1280 : i32] | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 1280 : i32] | tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 12 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9216 : i32] | tensor<[1,9216,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 288, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,15,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 15 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 300 : i32] | tensor<[1,64,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,160,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 4, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 160 : i32, 120 : i32] | tensor<[64,160,120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (320, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 16 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 256 : i32] | tensor<[1,64,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,19200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 600, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 120 : i32, 160 : i32] | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,20,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 20 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 20 : i32, 15 : i32] | tensor<[64,20,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,240,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 240 + d2, d3), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 240 : i32, 160 : i32] | tensor<[64,240,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 240 + d1, d2), memory_config: (480, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,30,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 30 : i32, 20 : i32] | tensor<[64,30,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,320,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 320 + d2, d3), memory_config: (640, 8, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 320 : i32, 240 : i32] | tensor<[64,320,240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (640, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 64 : i32, 64 : i32] | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,40,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 40 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 40 : i32, 30 : i32] | tensor<[64,40,30,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,480,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 10, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 480 : i32, 320 : i32] | tensor<[64,480,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 480 + d1, d2), memory_config: (960, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 4 : i32, 49 : i32, 49 : i32] | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 5120 : i32] | tensor<[64,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,60,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 60 : i32, 40 : i32] | tensor<[64,60,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (120, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 1536 : i32] | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 320 : i32] | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 384 : i32] | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 4096 : i32] | tensor<[1,64,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 768 : i32] | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 768 : i32] | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 64 : i32, 9 : i32] | tensor<[64,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,80,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 80 : i32, 60 : i32] | tensor<[64,80,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (160, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 8 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1280 : i32] | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 9 : i32, 64 : i32] | tensor<[64,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 9 : i32, 9 : i32] | tensor<[64,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32, 192 : i32] | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | shape: [65536 : i32, 192 : i32] | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | shape: [65536 : i32, 768 : i32] | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | shape: [672 : i32, 14 : i32, 7 : i32] | tensor<[672,14,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | shape: [672 : i32, 7 : i32, 7 : i32] | tensor<[672,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1024 : i32] | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 16 : i32, 64 : i32] | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1024 : i32] | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 10 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 10 : i32, 64 : i32] | tensor<[6,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 66 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 11 : i32, 64 : i32] | tensor<[6,11,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 12 : i32, 64 : i32] | tensor<[6,12,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,12,6,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 72 : i32, 384 : i32] | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,12,6,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 72 : i32, 72 : i32, 768 : i32] | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 78 + d1 * 13 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 13 : i32, 64 : i32] | tensor<[6,13,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 14 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 14 : i32, 64 : i32] | tensor<[6,14,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1536 : i32] | tensor<[6,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 15 : i32, 15 : i32] | tensor<[6,15,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 15 : i32, 64 : i32] | tensor<[6,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1024 : i32] | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 16 : i32, 64 : i32] | tensor<[6,16,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 102 + d1 * 17 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 17 : i32, 64 : i32] | tensor<[6,17,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 18 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 18 : i32, 64 : i32] | tensor<[6,18,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 114 + d1 * 19 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 19 : i32, 64 : i32] | tensor<[6,19,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 10 : i32] | tensor<[6,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 11 : i32] | tensor<[6,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 12 : i32] | tensor<[6,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 13 : i32] | tensor<[6,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 14 : i32] | tensor<[6,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 15 : i32] | tensor<[6,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 16 : i32] | tensor<[6,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 17 : i32] | tensor<[6,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 18 : i32] | tensor<[6,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 19 : i32] | tensor<[6,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 1 : i32] | tensor<[6,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 20 : i32] | tensor<[6,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 2 : i32] | tensor<[6,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 3 : i32] | tensor<[6,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 4 : i32] | tensor<[6,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 5 : i32] | tensor<[6,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 64 : i32] | tensor<[6,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 6 : i32] | tensor<[6,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 7 : i32] | tensor<[6,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 8 : i32] | tensor<[6,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 1 : i32, 9 : i32] | tensor<[6,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 20 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 20 : i32, 64 : i32] | tensor<[6,20,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 2 : i32, 64 : i32] | tensor<[6,2,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 3 : i32, 64 : i32] | tensor<[6,3,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 4 : i32, 64 : i32] | tensor<[6,4,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 512 : i32] | tensor<[6,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 5 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 5 : i32, 64 : i32] | tensor<[6,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 10 : i32] | tensor<[6,64,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 11 : i32] | tensor<[6,64,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 12 : i32] | tensor<[6,64,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 13 : i32] | tensor<[6,64,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 14 : i32] | tensor<[6,64,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 15 : i32] | tensor<[6,64,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 16 : i32] | tensor<[6,64,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 17 : i32] | tensor<[6,64,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 18 : i32] | tensor<[6,64,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 19 : i32] | tensor<[6,64,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 1 : i32] | tensor<[6,64,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 20 : i32] | tensor<[6,64,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 2 : i32] | tensor<[6,64,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 3 : i32] | tensor<[6,64,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 4 : i32] | tensor<[6,64,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 5 : i32] | tensor<[6,64,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 6 : i32] | tensor<[6,64,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 7 : i32] | tensor<[6,64,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 8 : i32] | tensor<[6,64,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,64,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 64 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 64 : i32, 9 : i32] | tensor<[6,64,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,6,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 12 : i32, 384 : i32] | tensor<[36,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,6,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 12 : i32, 768 : i32] | tensor<[36,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 6 : i32, 64 : i32] | tensor<[6,6,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 7 : i32, 64 : i32] | tensor<[6,7,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 8 : i32, 64 : i32] | tensor<[6,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 96 : i32] | tensor<[6,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,6,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 54 + d1 * 9 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [6 : i32, 9 : i32, 64 : i32] | tensor<[6,9,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,64,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4544 + d1 * 64 + d2, d3), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') | shape: [71 : i32, 64 : i32, 7 : i32] | tensor<[71,64,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (142, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | shape: [71 : i32, 7 : i32, 64 : i32] | tensor<[71,7,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [71 : i32, 7 : i32, 7 : i32] | tensor<[71,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,14,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [72 : i32, 14 : i32, 7 : i32] | tensor<[72,14,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | shape: [72 : i32, 28 : i32, 28 : i32] | tensor<[72,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,56,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | shape: [72 : i32, 56 : i32, 28 : i32] | tensor<[72,56,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 12 : i32, 6 : i32, 12 : i32, 384 : i32] | tensor<[1,6,12,6,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 12 : i32, 6 : i32, 12 : i32, 768 : i32] | tensor<[1,6,12,6,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 72 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,72,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [72 : i32, 7 : i32, 7 : i32] | tensor<[72,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 768 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') | shape: [768 : i32, 128 : i32, 128 : i32] | tensor<[768,128,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,12,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 12 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 192 : i32] | tensor<[1,768,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 196 : i32] | tensor<[1,768,196,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,196,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 196 : i32] | tensor<[768,196,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,257,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 197376 + d1 * 257 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 257 : i32] | tensor<[1,768,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | shape: [768 : i32, 32 : i32, 128 : i32] | tensor<[768,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | shape: [768 : i32, 32 : i32, 32 : i32] | tensor<[768,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | shape: [768 : i32, 384 : i32] | tensor<[768,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,64,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 64 + d2, d3), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | shape: [768 : i32, 64 : i32, 32 : i32] | tensor<[768,64,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1536, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 7 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 49 : i32] | tensor<[1,768,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 12 : i32, 64 : i32, 8 : i32] | tensor<[1,12,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,768,8,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6144 + d1 * 8 + d2, d3), memory_config: (192, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 256 : i32] | tensor<[1,768,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 768 : i32] | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 1536 : i32] | tensor<[7,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 18176 : i32] | tensor<[7,18176,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 3072 : i32] | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 4544 : i32] | tensor<[7,4544,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,4672,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 146, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 73 : i32, 64 : i32] | tensor<[1,7,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 768 : i32] | tensor<[7,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 12 : i32, 64 : i32] | tensor<[1,7,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 768 : i32] | tensor<[7,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 7 : i32, 1 : i32, 7 : i32, 1024 : i32] | tensor<[1,1,7,1,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 49 + d1 * 49 + d2 * 7 + d3 * 7 + d4, d5), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [49 : i32, 1024 : i32] | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | shape: [49 : i32, 2048 : i32] | tensor<[49,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | shape: [49 : i32, 4096 : i32] | tensor<[49,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,7,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [7 : i32, 96 : i32] | tensor<[7,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 1024 : i32, 1024 : i32] | tensor<[8,1024,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 1024 : i32, 80 : i32] | tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 1024 : i32, 9 : i32] | tensor<[8,1024,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 10 : i32, 10 : i32] | tensor<[8,10,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 10 : i32, 64 : i32] | tensor<[8,10,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 88 + d1 * 11 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 11 : i32, 64 : i32] | tensor<[8,11,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 12 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 12 : i32, 64 : i32] | tensor<[8,12,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 104 + d1 * 13 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 13 : i32, 64 : i32] | tensor<[8,13,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 14 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 14 : i32, 64 : i32] | tensor<[8,14,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1536 : i32] | tensor<[8,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 15 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 15 : i32, 64 : i32] | tensor<[8,15,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,160,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 160 : i32, 256 : i32] | tensor<[8,160,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 160 : i32, 64 : i32] | tensor<[8,160,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,160,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 160 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 160 : i32, 9 : i32] | tensor<[8,160,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 16 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 16 : i32, 64 : i32] | tensor<[8,16,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 136 + d1 * 17 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 17 : i32, 64 : i32] | tensor<[8,17,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 17 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 18 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 18 : i32, 64 : i32] | tensor<[8,18,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 18 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 152 + d1 * 19 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 19 : i32, 64 : i32] | tensor<[8,19,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 10 : i32] | tensor<[8,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 11 : i32] | tensor<[8,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 12 : i32] | tensor<[8,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 13 : i32] | tensor<[8,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 14 : i32] | tensor<[8,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 15 : i32] | tensor<[8,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 16 : i32] | tensor<[8,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 17 : i32] | tensor<[8,1,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 18 : i32] | tensor<[8,1,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 19 : i32] | tensor<[8,1,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 1 : i32] | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 20 : i32] | tensor<[8,1,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 2 : i32] | tensor<[8,1,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 3 : i32] | tensor<[8,1,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 4 : i32] | tensor<[8,1,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 5 : i32] | tensor<[8,1,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 64 : i32] | tensor<[8,1,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 6 : i32] | tensor<[8,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 7 : i32] | tensor<[8,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 8 : i32] | tensor<[8,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 1 : i32, 9 : i32] | tensor<[8,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,2048,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 2048 : i32, 160 : i32] | tensor<[8,2048,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 2048 : i32, 256 : i32] | tensor<[8,2048,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 20 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 20 : i32, 64 : i32] | tensor<[8,20,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 256 : i32, 160 : i32] | tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 256 : i32, 2048 : i32] | tensor<[8,256,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 256 : i32, 256 : i32] | tensor<[8,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 256 : i32, 32 : i32] | tensor<[8,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 3, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 256 : i32, 96 : i32] | tensor<[8,256,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 256 : i32, 9 : i32] | tensor<[8,256,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,2,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 2 : i32, 64 : i32] | tensor<[8,2,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 300 : i32, 300 : i32] | tensor<[8,300,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,300,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 300 : i32, 64 : i32] | tensor<[8,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (75, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,32,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 64, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 32 : i32, 2048 : i32] | tensor<[8,32,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 32 : i32, 256 : i32] | tensor<[8,32,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,3,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 3 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 3 : i32, 64 : i32] | tensor<[8,3,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 4096 : i32, 4096 : i32] | tensor<[8,4096,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 4096 : i32, 40 : i32] | tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 4096 : i32, 9 : i32] | tensor<[8,4096,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,40,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 40 : i32, 4096 : i32] | tensor<[8,40,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,40,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 40 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 40 : i32, 9 : i32] | tensor<[8,40,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,4,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 4 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 4 : i32, 64 : i32] | tensor<[8,4,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40 + d1 * 5 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 5 : i32, 64 : i32] | tensor<[8,5,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 10 : i32] | tensor<[8,64,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 11 : i32] | tensor<[8,64,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 12 : i32] | tensor<[8,64,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 13 : i32] | tensor<[8,64,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 14 : i32] | tensor<[8,64,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 15 : i32] | tensor<[8,64,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 64 : i32, 160 : i32] | tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 16 : i32] | tensor<[8,64,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 17 : i32] | tensor<[8,64,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 18 : i32] | tensor<[8,64,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 19 : i32] | tensor<[8,64,19,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 1 : i32] | tensor<[8,64,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 20 : i32] | tensor<[8,64,20,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 2 : i32] | tensor<[8,64,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 10, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 300 : i32] | tensor<[8,64,300,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 3 : i32] | tensor<[8,64,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 4 : i32] | tensor<[8,64,4,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 5 : i32] | tensor<[8,64,5,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 64 : i32, 64 : i32] | tensor<[8,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 6 : i32] | tensor<[8,64,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 7 : i32] | tensor<[8,64,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 64 : i32, 8 : i32] | tensor<[8,64,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 64 : i32, 9 : i32] | tensor<[8,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 48 + d1 * 6 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 6 : i32, 64 : i32] | tensor<[8,6,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 7 : i32, 64 : i32] | tensor<[8,7,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,80,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 80 : i32, 1024 : i32] | tensor<[8,80,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,80,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 80 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 80 : i32, 9 : i32] | tensor<[8,80,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1280 : i32] | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 8 : i32, 64 : i32] | tensor<[8,8,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 96 : i32] | tensor<[8,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,9,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 5, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 9 : i32, 160 : i32] | tensor<[8,9,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,9,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 9 : i32, 40 : i32] | tensor<[8,9,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 9 : i32, 64 : i32] | tensor<[8,9,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,8,9,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 3, 'tile<32x32, f32>', 'dram') | shape: [8 : i32, 9 : i32, 80 : i32] | tensor<[8,9,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (3, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 960 : i32] | tensor<[1,960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 30 : i32, 1024 : i32] | tensor<[1,32,30,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | shape: [960 : i32, 3 : i32, 3 : i32] | tensor<[960,3,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 30 : i32, 4096 : i32] | tensor<[1,32,30,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,960,7,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | shape: [960 : i32, 7 : i32, 3 : i32] | tensor<[960,7,3,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 16 : i32, 64 : i32] | tensor<[1,9,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 1024 : i32] | tensor<[9,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 8 : i32, 160 : i32] | tensor<[1,9,8,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 8 + d2, d3), memory_config: (3, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 128 : i32] | tensor<[9,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 768 : i32] | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 1536 : i32] | tensor<[9,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 16384 : i32] | tensor<[9,16384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 2048 : i32] | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 1024 : i32] | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 16 : i32, 128 : i32] | tensor<[1,9,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 16 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 2048 : i32] | tensor<[9,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 24 : i32, 144 : i32, 144 : i32] | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 3072 : i32] | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 8 : i32, 40 : i32] | tensor<[1,9,8,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 8 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 64 : i32, 64 : i32] | tensor<[1,9,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 64 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 4096 : i32] | tensor<[9,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 48 : i32, 144 : i32, 144 : i32] | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 8 : i32, 80 : i32] | tensor<[1,9,8,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 8 + d2, d3), memory_config: (3, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 64 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 4096 : i32] | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 12 : i32, 64 : i32] | tensor<[1,9,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 12 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 768 : i32] | tensor<[9,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 8192 : i32] | tensor<[9,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,9,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | shape: [9 : i32, 96 : i32] | tensor<[9,96,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 200 : i32, 14 : i32, 14 : i32] | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[200,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 200 : i32, 7 : i32, 14 : i32] | tensor<[1,200,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[201,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 201 : i32, 3072 : i32] | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[201,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 201 : i32, 768 : i32] | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 1280 : i32] | tensor<[1,2048,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 256 : i32] | tensor<[1,2048,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,262,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 262 : i32] | tensor<[1,2048,262,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2048,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2048 : i32, 768 : i32] | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 240 : i32, 14 : i32, 28 : i32] | tensor<[1,240,14,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[240,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 240 : i32, 28 : i32, 28 : i32] | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 32 : i32, 128 : i32] | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[24,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 24 : i32, 32 : i32, 32 : i32] | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,10240,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 10240 : i32] | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 320, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1024 : i32] | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 1280 : i32] | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,128,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 128 : i32, 128 : i32] | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 1536 : i32] | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 160 : i32] | tensor<[1,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,16,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 16 : i32, 128 : i32] | tensor<[1,256,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,16,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 16 : i32, 32 : i32] | tensor<[1,256,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 256 : i32] | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 2 : i32] | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 32 : i32] | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,32,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 32 : i32, 128 : i32] | tensor<[1,256,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,32,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 32 : i32, 32 : i32] | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 4096 : i32] | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 512 : i32] | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 256 : i32, 6144 : i32] | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 64 : i32] | tensor<[1,256,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,64,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 64 : i32, 128 : i32] | tensor<[1,256,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[256,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 256 : i32, 768 : i32] | tensor<[1,256,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[257,1,768,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 768 + d2, d3), memory_config: (6168, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 257 : i32, 768 : i32] | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[257,2304,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 257 : i32, 2304 : i32] | tensor<[1,257,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 72, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[257,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 257 : i32, 3072 : i32] | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[257,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 257 : i32, 768 : i32] | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[25,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 25 : i32, 2 : i32] | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[25,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 25 : i32, 3072 : i32] | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[25,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 25 : i32, 768 : i32] | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[27,257,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 27 : i32, 257 : i32] | tensor<[1,27,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[27,30522,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 27 : i32, 30522 : i32] | tensor<[1,27,30522,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 954, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[27,38,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 27 : i32, 38 : i32] | tensor<[1,27,38,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[27,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 27 : i32, 50257 : i32] | tensor<[1,27,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[28,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 13 : i32, 128 : i32] | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[28,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 28 : i32, 13 : i32, 13 : i32] | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 7 : i32, 4 : i32, 7 : i32] | tensor<[4,7,4,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 * 4 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | shape: [24 : i32, 13 : i32, 13 : i32] | tensor<[24,13,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,13,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 13 : i32, 768 : i32] | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,13,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | shape: [26 : i32, 3072 : i32] | tensor<[26,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [2 : i32, 13 : i32, 12 : i32, 64 : i32] | tensor<[2,13,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 12 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | shape: [26 : i32, 768 : i32] | tensor<[26,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 2048 : i32] | tensor<[14,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [14 : i32, 512 : i32] | tensor<[14,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 7 : i32, 8 : i32, 64 : i32] | tensor<[2,7,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,7,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | shape: [2 : i32, 7 : i32, 512 : i32] | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 7 : i32, 7 : i32] | tensor<[16,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[300,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 128 : i32] | tensor<[1,300,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[300,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 2048 : i32] | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[300,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 320 : i32] | tensor<[1,300,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 512 : i32] | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[300,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 300 : i32, 64 : i32] | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 128 : i32] | tensor<[64,49,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3136,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 384 : i32] | tensor<[64,49,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,1,4,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32, 4 : i32] | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3234,2,2,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | shape: [3234 : i32, 4 : i32] | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [32 : i32, 1 : i32] | tensor<[32,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.reshape | tensor<[32,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 1536 : i32] | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 128 : i32] | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 32 : i32, 32 : i32, 32 : i32] | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,4608,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 4608 : i32] | tensor<[1,32,4608,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 144, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[32,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 32 : i32, 6144 : i32] | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 384 : i32] | tensor<[36,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 6 : i32, 12 : i32, 12 : i32, 384 : i32] | tensor<[1,6,6,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 768 : i32] | tensor<[36,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 6 : i32, 6 : i32, 12 : i32, 12 : i32, 768 : i32] | tensor<[1,6,6,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 5184 + d1 * 864 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 12 : i32, 144 : i32, 144 : i32] | tensor<[1,36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [432 : i32, 144 : i32, 144 : i32] | tensor<[432,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,1152,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 3 : i32, 12 : i32, 32 : i32] | tensor<[36,144,3,12,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 5184 + d1 * 36 + d2 * 12 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,2304,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 3 : i32, 24 : i32, 32 : i32] | tensor<[36,144,3,24,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 10368 + d1 * 72 + d2 * 24 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 12 : i32, 384 : i32] | tensor<[36,12,12,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [5184 : i32, 384 : i32] | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 12 : i32, 12 : i32, 768 : i32] | tensor<[36,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [5184 : i32, 768 : i32] | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,14,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 36 : i32, 14 : i32, 28 : i32] | tensor<[1,36,14,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 36 : i32, 24 : i32, 144 : i32, 144 : i32] | tensor<[1,36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | shape: [864 : i32, 144 : i32, 144 : i32] | tensor<[864,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,28,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 36 : i32, 28 : i32, 28 : i32] | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[36,7,28,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 36 : i32, 7 : i32, 28 : i32] | tensor<[1,36,7,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,128,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 128 : i32, 128 : i32] | tensor<[1,384,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 128 + d2, d3), memory_config: (1536, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 256 : i32, 32 : i32] | tensor<[1,384,256,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 256 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (384, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 32 : i32, 32 : i32] | tensor<[1,384,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 32 + d2, d3), memory_config: (384, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[384,64,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 384 : i32, 64 : i32, 128 : i32] | tensor<[1,384,64,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 64 + d2, d3), memory_config: (768, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 1024 : i32, 512 : i32] | tensor<[1,3,1024,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 1024 + d2, d3), memory_config: (96, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,1445,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 1445 : i32, 1445 : i32] | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,1445,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 1445 : i32, 64 : i32] | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 320 : i32, 320 : i32] | tensor<[1,3,320,320,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 320 + d2, d3), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[3,512,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (48, 16, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 512 : i32, 512 : i32] | tensor<[1,3,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 512 + d2, d3), memory_config: (48, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 1536 : i32] | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,2560,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 2560 : i32] | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 256 : i32] | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 3072 : i32] | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 320 : i32] | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 384 : i32] | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4096 : i32, 64 : i32] | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4096,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4096 : i32, 768 : i32] | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | shape: [45 : i32, 1 : i32] | tensor<[45,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 45 : i32, 3072 : i32] | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 45 : i32, 768 : i32] | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4800 : i32, 128 : i32] | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4800,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4800 : i32, 512 : i32] | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 480 : i32, 14 : i32, 14 : i32] | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[480,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 480 : i32, 7 : i32, 14 : i32] | tensor<[1,480,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 144 : i32, 192 : i32] | tensor<[484,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 22 : i32, 22 : i32, 12 : i32, 12 : i32, 192 : i32] | tensor<[1,22,22,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 69696 + d1 * 3168 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 12 : i32, 12 : i32, 192 : i32] | tensor<[484,12,12,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [69696 : i32, 192 : i32] | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,144,576,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 144 : i32, 3 : i32, 6 : i32, 32 : i32] | tensor<[484,144,3,6,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2592 + d1 * 18 + d2 * 6 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 484 : i32, 6 : i32, 144 : i32, 144 : i32] | tensor<[1,484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | shape: [2904 : i32, 144 : i32, 144 : i32] | tensor<[2904,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 49 : i32, 1024 : i32] | tensor<[1,49,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[49,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 49 : i32, 3072 : i32] | tensor<[1,49,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 144 : i32, 1536 : i32] | tensor<[4,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 12 : i32, 12 : i32, 1536 : i32] | tensor<[1,2,2,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 576 + d1 * 288 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 13 : i32, 16 : i32, 64 : i32] | tensor<[4,13,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 16 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | shape: [52 : i32, 1024 : i32] | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | shape: [52 : i32, 768 : i32] | tensor<[52,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 12 : i32, 12 : i32, 1536 : i32] | tensor<[4,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [576 : i32, 1536 : i32] | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,144,4608,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 144 : i32, 3 : i32, 48 : i32, 32 : i32] | tensor<[4,144,3,48,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 20736 + d1 * 144 + d2 * 48 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 13 : i32, 64 : i32] | tensor<[64,13,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 1 : i32, 13 : i32] | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 1 : i32, 1 : i32] | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 1 : i32, 64 : i32] | tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 1 : i32, 64 : i32] | tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 4 : i32, 16 : i32, 49 : i32, 49 : i32] | tensor<[1,4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 49 : i32] | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,16,64,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | shape: [64 : i32, 64 : i32, 1 : i32] | tensor<[64,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 16 : i32, 64 : i32] | tensor<[4,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 16 : i32, 64 : i32] | tensor<[4,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1024 : i32] | tensor<[4,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 1 : i32, 1024 : i32] | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 4096 : i32] | tensor<[4,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 4 : i32, 48 : i32, 144 : i32, 144 : i32] | tensor<[1,4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | shape: [192 : i32, 144 : i32, 144 : i32] | tensor<[192,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,49,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') | shape: [4 : i32, 49 : i32, 3 : i32, 16 : i32, 32 : i32] | tensor<[4,49,3,16,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 2352 + d1 * 48 + d2 * 16 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,49,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 2 : i32, 2 : i32, 7 : i32, 7 : i32, 512 : i32] | tensor<[1,2,2,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 196 + d1 * 98 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,49,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | shape: [196 : i32, 512 : i32] | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[4,4,1,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | shape: [16 : i32, 1 : i32, 2048 : i32] | tensor<[16,1,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[50,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50 : i32, 3072 : i32] | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[50,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 50 : i32, 768 : i32] | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5184,1152,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 1152 : i32] | tensor<[36,144,1152,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 36, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5184,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 2304 : i32] | tensor<[36,144,2304,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 72, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5184,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 384 : i32] | tensor<[36,144,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5184,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | shape: [36 : i32, 144 : i32, 768 : i32] | tensor<[36,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (162, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[52,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 13 : i32, 1024 : i32] | tensor<[4,13,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | shape: [8 : i32, 7 : i32, 8 : i32, 7 : i32] | tensor<[8,7,8,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 8 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 144 : i32, 1536 : i32] | tensor<[4,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (18, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[576,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 144 : i32, 4608 : i32] | tensor<[4,144,4608,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (18, 144, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [5 : i32, 1 : i32] | tensor<[5,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 1024 : i32] | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 4096 : i32] | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[5,51200,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 5 : i32, 51200 : i32] | tensor<[1,5,51200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,32,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 32 : i32, 64 : i32] | tensor<[1,640,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[640,64,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 640 : i32, 64 : i32, 64 : i32] | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,10240,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 10240 : i32] | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 320, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,120,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 120 + d1, d2), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 120 : i32, 160 : i32] | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 1280 : i32] | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,160,240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 160 + d1, d2), memory_config: (320, 8, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 160 : i32, 240 : i32] | tensor<[1,64,160,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 16 : i32, 1 : i32, 13 : i32] | tensor<[4,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 16 : i32, 1 : i32, 1 : i32] | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,1,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | shape: [4 : i32, 16 : i32, 1 : i32, 64 : i32] | tensor<[4,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,20,30,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 20 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 20 : i32, 30 : i32] | tensor<[1,64,20,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 20 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,240,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 240 + d1, d2), memory_config: (480, 10, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 240 : i32, 320 : i32] | tensor<[1,64,240,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 240 + d2, d3), memory_config: (480, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,30,40,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 30 + d1, d2), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 30 : i32, 40 : i32] | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,320,480,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (640, 15, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 320 : i32, 480 : i32] | tensor<[1,64,320,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 320 + d2, d3), memory_config: (640, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,40,60,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 40 + d1, d2), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 40 : i32, 60 : i32] | tensor<[1,64,40,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 40 + d2, d3), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,480,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 480 + d1, d2), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 480 : i32, 640 : i32] | tensor<[1,64,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 480 + d2, d3), memory_config: (960, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 8 : i32, 8 : i32, 7 : i32, 7 : i32, 128 : i32] | tensor<[1,8,8,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 3136 + d1 * 392 + d2 * 49 + d3 * 7 + d4, d5), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | shape: [3136 : i32, 128 : i32] | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,49,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 12, 'tile<32x32, bf16>', 'dram') | shape: [64 : i32, 49 : i32, 3 : i32, 4 : i32, 32 : i32] | tensor<[64,49,3,4,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 588 + d1 * 12 + d2 * 4 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 4 : i32, 49 : i32, 49 : i32] | tensor<[1,64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | shape: [256 : i32, 49 : i32, 49 : i32] | tensor<[256,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,60,80,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 60 + d1, d2), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 60 : i32, 80 : i32] | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,80,120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 80 + d1, d2), memory_config: (160, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 64 : i32, 80 : i32, 120 : i32] | tensor<[1,64,80,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,9,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 9 : i32, 64 : i32] | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[64,9,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 64 : i32, 9 : i32, 9 : i32] | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[65536,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 65536 : i32, 192 : i32] | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[65536,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 65536 : i32, 768 : i32] | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 672 : i32, 14 : i32, 14 : i32] | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[672,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 672 : i32, 7 : i32, 14 : i32] | tensor<[1,672,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[69696,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 144 : i32, 192 : i32] | tensor<[484,144,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (2178, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[69696,576,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | shape: [484 : i32, 144 : i32, 576 : i32] | tensor<[484,144,576,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (2178, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [6 : i32, 1 : i32] | tensor<[6,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 6 : i32, 1024 : i32] | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[6,1,100,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | shape: [600 : i32, 256 : i32] | tensor<[600,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (19, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,14,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 14 : i32, 14 : i32] | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,28,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 28 : i32, 56 : i32] | tensor<[1,72,28,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,56,56,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 56 : i32, 56 : i32] | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[72,7,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 72 : i32, 7 : i32, 14 : i32] | tensor<[1,72,7,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,128,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 128 + d1, d2), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32, 128 : i32, 32 : i32] | tensor<[1,768,128,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98304 + d1 * 128 + d2, d3), memory_config: (3072, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,196,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 768 : i32, 196 : i32] | tensor<[1,768,196,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32, 32 : i32, 32 : i32] | tensor<[1,768,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,32,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32, 32 : i32, 64 : i32] | tensor<[1,768,32,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 32 + d2, d3), memory_config: (768, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[768,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 768 : i32, 64 : i32, 64 : i32] | tensor<[1,768,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49152 + d1 * 64 + d2, d3), memory_config: (1536, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 49 : i32, 256 : i32] | tensor<[16,49,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[784,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, bf16>', 'dram') | shape: [16 : i32, 49 : i32, 768 : i32] | tensor<[16,49,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,2304,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 2304 : i32] | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 3072 : i32] | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[7,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 7 : i32, 768 : i32] | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [2 : i32, 4 : i32, 1 : i32] | tensor<[2,4,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1024,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1024 : i32, 1024 : i32] | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1024,80,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1024 : i32, 80 : i32] | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,1024,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 1024 : i32, 9 : i32] | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 160 : i32] | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 256 : i32] | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,256,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 256 : i32, 9 : i32] | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,4096,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 4096 : i32, 4096 : i32] | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,4096,40,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 4096 : i32, 40 : i32] | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,4096,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 4096 : i32, 9 : i32] | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,64,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 64 : i32, 160 : i32] | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,64,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 64 : i32, 64 : i32] | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[8,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 8 : i32, 64 : i32, 9 : i32] | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 2048 : i32] | tensor<[920,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 256 : i32] | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 8 : i32, 32 : i32] | tensor<[920,8,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 1 : i32, 2048 : i32] | tensor<[920,1,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 1 : i32, 256 : i32] | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[920,8,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (230, 1, 'tile<32x32, bf16>', 'dram') | shape: [920 : i32, 256 : i32] | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,3,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 960 : i32, 3 : i32, 7 : i32] | tensor<[1,960,3,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[960,7,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 960 : i32, 7 : i32, 7 : i32] | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 1024 : i32] | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 128 : i32] | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 1536 : i32] | tensor<[9,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 12 : i32, 12 : i32, 1536 : i32] | tensor<[1,3,3,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 768 : i32] | tensor<[9,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 3 : i32, 3 : i32, 12 : i32, 12 : i32, 768 : i32] | tensor<[1,3,3,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3, d4, d5), mapping_to: (d0 * 1296 + d1 * 432 + d2 * 144 + d3 * 12 + d4, d5), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 12 : i32, 12 : i32, 1536 : i32] | tensor<[9,12,12,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | shape: [1296 : i32, 1536 : i32] | tensor<[1296,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,2304,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 72, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 3 : i32, 24 : i32, 32 : i32] | tensor<[9,144,3,24,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 10368 + d1 * 72 + d2 * 24 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,4608,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 144, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 144 : i32, 3 : i32, 48 : i32, 32 : i32] | tensor<[9,144,3,48,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 20736 + d1 * 144 + d2 * 48 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [9 : i32, 12 : i32, 12 : i32, 768 : i32] | tensor<[9,12,12,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,144,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | shape: [1296 : i32, 768 : i32] | tensor<[1296,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (41, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,16384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 16384 : i32] | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 2048 : i32] | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 24 : i32, 144 : i32, 144 : i32] | tensor<[1,9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | shape: [216 : i32, 144 : i32, 144 : i32] | tensor<[216,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,30000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 30000 : i32] | tensor<[1,9,30000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 938, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 3072 : i32] | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 4096 : i32] | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 9 : i32, 48 : i32, 144 : i32, 144 : i32] | tensor<[1,9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | shape: [432 : i32, 144 : i32, 144 : i32] | tensor<[432,144,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 144 + d1, d2), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 768 : i32] | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[9,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 9 : i32, 8192 : i32] | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.reshape | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | shape: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.rsqrt | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1024,512,bf16]> tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1024,6144,f32]> tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1024,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1024,640,bf16]> tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,10,3072,bf16]> tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,10,768,bf16]> tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1200,1280,bf16]> tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1370,5120,bf16]> tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1445,768,bf16]> tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,14,14,2048,bf16]> tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1500,3072,bf16]> tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1536,bf16]> tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,16384,128,bf16]> tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,16384,1536,f32]> tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16384,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,16,3072,bf16]> tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,19200,256,bf16]> tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,196,3072,bf16]> tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,197,3072,bf16]> tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,197,4096,bf16]> tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,201,3072,bf16]> tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,2048,768,bf16]> tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,256,1024,bf16]> tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,256,1280,bf16]> tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,256,256,bf16]> tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,256,4096,bf16]> tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,256,5120,bf16]> tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,256,6144,f32]> tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,6144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,257,3072,bf16]> tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,25,3072,bf16]> tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,28,28,1024,bf16]> tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,300,2048,bf16]> tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,4096,1280,bf16]> tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,4096,256,bf16]> tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,4096,3072,f32]> tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4096,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,4800,512,bf16]> tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,56,56,512,bf16]> tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,64,5120,bf16]> tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,65536,768,f32]> tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,65536,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,768,1500,bf16]> tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,768,3000,bf16]> tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,768,384,bf16]> tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,7,18176,bf16]> tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,7,7,4096,bf16]> tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[4,1,4096,f32]> tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[4,1,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1024,1,f32]> tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1024,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,10,1,f32]> tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,10,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,11,1,f32]> tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,11,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1200,1,f32]> tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,12,1,f32]> tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1370,1,f32]> tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1370,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,13,1,f32]> tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1445,1,f32]> tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1445,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,14,1,f32]> tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,14,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,14,14,1,f32]> tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,14,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1500,1,f32]> tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1500,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,15,1,f32]> tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,15,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,16384,1,f32]> tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16384,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,16,1,f32]> tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,19200,1,f32]> tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,19200,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,196,1,f32]> tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,196,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,197,1,f32]> tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,197,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,1,1,f32]> tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,201,1,f32]> tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,201,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,2048,1,f32]> tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2048,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,256,1,f32]> tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,257,1,f32]> tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,257,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,25,1,f32]> tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,25,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,27,1,f32]> tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,27,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,28,28,1,f32]> tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,28,28,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,300,1,f32]> tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,300,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,32,1,f32]> tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,32,1,1,f32]> tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,4096,1,f32]> tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4096,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,45,1,f32]> tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,45,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,4800,1,f32]> tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,4800,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,50,1,f32]> tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,50,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,56,56,1,f32]> tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,56,56,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,5,1,f32]> tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,5,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,64,1,f32]> tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,64,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,65536,1,f32]> tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,65536,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,6,1,f32]> tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,7,1,f32]> tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,7,7,1,f32]> tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,7,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,8,1,f32]> tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[1,9,1,f32]> tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[2,13,1,f32]> tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[2,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[2,7,1,f32]> tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[2,7,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[4,1,1,f32]> tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[4,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.rsqrt | tensor<[920,1,1,f32]> tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.scatter
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.scatter | tensor<[1,3,720,1280,bf16]> tensor<[1,3,720,1280,bf16]> tensor<[1,3,720,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,720,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2160 + d1 * 720 + d2, d3), memory_config: (68, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.sigmoid | tensor<[1,120,14,14,bf16]> tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1392,1,1,bf16]> tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1392,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1392 + d1 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,184,7,7,bf16]> tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1,256,256,bf16]> tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1,480,640,bf16]> tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,480,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 480 + d1 * 480 + d2, d3), memory_config: (15, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,200,7,7,bf16]> tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,232,1,1,bf16]> tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,232,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 232 + d1 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,240,14,14,bf16]> tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,2,120,160,bf16]> tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,2,30,40,bf16]> tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,2,60,80,bf16]> tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3712,1,1,bf16]> tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3712,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3712 + d1 + d2, d3), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3,16,16,85,bf16]> tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3,32,32,85,bf16]> tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3,64,64,85,bf16]> tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,480,7,7,bf16]> tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,50,3072,bf16]> tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,50,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,672,7,7,bf16]> tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,696,1,1,bf16]> tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,696,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,72,28,28,bf16]> tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,960,3,3,bf16]> tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[2,7,2048,bf16]> tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[2,7,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[6,1,100,4,bf16]> tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1280,32,32,bf16]> tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1280,8,8,bf16]> tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,128,32,32,bf16]> tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,128,64,64,bf16]> tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,12,8960,bf16]> tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,12,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,13,18944,bf16]> tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,13,18944,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 592, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1920,16,16,bf16]> tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1920,32,32,bf16]> tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,1,8960,bf16]> tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,8960,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 280, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,2560,16,16,bf16]> tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,2560,8,8,bf16]> tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,256,16,16,bf16]> tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,256,32,32,bf16]> tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,3072,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,320,32,32,bf16]> tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,320,64,64,bf16]> tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,32,11008,bf16]> tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,11008,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 344, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,32,128,128,bf16]> tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,32,256,256,bf16]> tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,32,8192,bf16]> tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,512,16,16,bf16]> tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,640,16,16,bf16]> tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,640,32,32,bf16]> tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,640,64,64,bf16]> tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,64,128,128,bf16]> tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,64,64,64,bf16]> tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,960,32,32,bf16]> tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sigmoid | tensor<[1,960,64,64,bf16]> tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sin
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.sin | tensor<[1,13,128,f32]> tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sin | tensor<[1,1,128,f32]> tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sin | tensor<[1,32,128,f32]> tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.slice
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.slice | tensor<[1,132,132,192,f32]> tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | begins: [0 : i32, 126 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 132 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,192,f32]> tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 126 : i32, 132 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,192,f32]> tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 126 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 132 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,192,f32]> tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 126 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 132 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 132 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 132 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 6 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | begins: [0 : i32, 126 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 132 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 126 : i32, 132 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 126 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 132 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 132 : i32, 126 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 3 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | begins: [0 : i32, 11 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 11 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 24 : i32, 24 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 24 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 24 : i32, 24 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 24 : i32, 6 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | begins: [0 : i32, 18 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 24 : i32, 24 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 18 : i32, 24 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 18 : i32, 0 : i32] ends: [1 : i32, 24 : i32, 24 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 24 : i32, 18 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 264 : i32, 264 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 264 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 264 : i32, 264 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 264 : i32, 6 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | begins: [0 : i32, 258 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 264 : i32, 264 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 258 : i32, 264 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 258 : i32, 0 : i32] ends: [1 : i32, 264 : i32, 264 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 264 : i32, 258 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 3 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | begins: [0 : i32, 25 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 25 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 25 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 25 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 36 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 6 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | begins: [0 : i32, 30 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 30 : i32, 36 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 30 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 30 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 36 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 6 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | begins: [0 : i32, 30 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 30 : i32, 36 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 30 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 36 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 30 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 3 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | begins: [0 : i32, 53 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 53 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 53 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 53 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 72 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 6 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | begins: [0 : i32, 66 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 66 : i32, 72 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 66 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 66 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 72 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 6 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | begins: [0 : i32, 66 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 66 : i32, 72 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 66 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 72 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 72 : i32, 66 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 9 : i32] ends: [1 : i32, 10 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 10 : i32] ends: [1 : i32, 11 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 11 : i32] ends: [1 : i32, 12 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 0 : i32] ends: [1 : i32, 1 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1370,1280,bf16]> tensor<[1,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (1370, 1280, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1280, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 1280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1280, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 12 : i32] ends: [1 : i32, 13 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 12 : i32, 0 : i32] ends: [1 : i32, 13 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 12 : i32, 0 : i32] ends: [1 : i32, 13 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 13 : i32] ends: [1 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 12 : i32, 0 : i32] ends: [1 : i32, 13 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 13 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 13 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 14 : i32] ends: [1 : i32, 15 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 12 : i32, 0 : i32] ends: [1 : i32, 13 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 13 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 14 : i32, 0 : i32] ends: [1 : i32, 15 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 14 : i32, 0 : i32] ends: [1 : i32, 15 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,16,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 15 : i32] ends: [1 : i32, 16 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,16,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 0 : i32] ends: [1 : i32, 1 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,17,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 16 : i32] ends: [1 : i32, 17 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,18,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 17 : i32] ends: [1 : i32, 18 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,197,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,19,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 18 : i32] ends: [1 : i32, 19 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,201,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (201, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,20,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 19 : i32] ends: [1 : i32, 20 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,21,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 20 : i32] ends: [1 : i32, 21 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,22,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 21 : i32] ends: [1 : i32, 22 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,23,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 22 : i32] ends: [1 : i32, 23 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 23 : i32] ends: [1 : i32, 24 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,25,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 1 : i32] ends: [1 : i32, 2 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,120,160,bf16]> tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 120 : i32, 160 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,120,160,bf16]> tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 120 : i32, 160 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,30,40,bf16]> tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 30 : i32, 40 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,30,40,bf16]> tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 30 : i32, 40 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,60,80,bf16]> tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 60 : i32, 80 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,60,80,bf16]> tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 60 : i32, 80 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 12 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 13 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 12 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 13 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 13 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 14 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 10 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 11 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 12 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 12 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 13 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 13 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 14 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 14 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 15 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 9 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,6,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,6,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,6,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,6,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,6,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,6,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,7,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,7,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,7,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,7,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,7,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,7,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,7,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,8,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,16,f32]> tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,16,3,96,bf16]> tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 16 : i32, 1 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,16,3,96,bf16]> tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 16 : i32, 2 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,16,3,96,bf16]> tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 16 : i32, 3 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 2 : i32] ends: [1 : i32, 3 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 224 : i32, 224 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 224 : i32, 224 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,224,224,bf16]> tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 224 : i32, 224 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,45,50257,bf16]> tensor<[1,1,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (45, 50257, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50257, 'bf16', 'dram') | begins: [0 : i32, 44 : i32, 0 : i32] ends: [1 : i32, 45 : i32, 50257 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50257, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,4,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 3 : i32] ends: [1 : i32, 4 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,50,f32]> tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'f32', 'dram') | begins: [0 : i32, 49 : i32] ends: [1 : i32, 50 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,50,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (50, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 4 : i32] ends: [1 : i32, 5 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,51200,f32]> tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 51200, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 51200, 'f32', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 51200 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 51200, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 5 : i32] ends: [1 : i32, 6 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,50272,bf16]> tensor<[1,1,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50272, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50272, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 50272 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50272, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 6 : i32] ends: [1 : i32, 7 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 7 : i32] ends: [1 : i32, 8 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 8 : i32] ends: [1 : i32, 9 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 2 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 3 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 4 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 5 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 6 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 7 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,16,bf16]> tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,50280,f32]> tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 50280, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | begins: [0 : i32, 8 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 50280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,768,bf16]> tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 0 : i32] ends: [3234 : i32, 1 : i32] step: [1 : i32, 1 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 1 : i32] ends: [3234 : i32, 2 : i32] step: [1 : i32, 1 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 2 : i32] ends: [3234 : i32, 3 : i32] step: [1 : i32, 1 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 3 : i32] ends: [3234 : i32, 4 : i32] step: [1 : i32, 1 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,121,12,144,32,f32]> tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 121 : i32, 12 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,121,12,144,32,f32]> tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 121 : i32, 12 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,121,12,144,32,f32]> tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 121 : i32, 12 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,121,6,144,32,f32]> tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 121 : i32, 6 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,121,6,144,32,f32]> tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 121 : i32, 6 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,121,6,144,32,f32]> tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 121 : i32, 6 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1370,1,1280,bf16]> tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1370 : i32, 1 : i32, 1280 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1370,1,1280,bf16]> tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 1370 : i32, 1 : i32, 1280 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1370,1,1280,bf16]> tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 1370 : i32, 1 : i32, 1280 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,16,8,49,32,bf16]> tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 16 : i32, 8 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,16,8,49,32,bf16]> tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 16 : i32, 8 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,16,8,49,32,bf16]> tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 16 : i32, 8 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1,12,257,64,bf16]> tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 12 : i32, 257 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1,12,257,64,bf16]> tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 1 : i32, 12 : i32, 257 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1,12,257,64,bf16]> tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 1 : i32, 12 : i32, 257 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1,32,49,32,bf16]> tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 32 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1,32,49,32,bf16]> tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 1 : i32, 32 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,1,32,49,32,bf16]> tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 1 : i32, 32 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,36,12,144,32,f32]> tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 12 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,36,12,144,32,f32]> tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 36 : i32, 12 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,36,12,144,32,f32]> tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 36 : i32, 12 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,36,24,144,32,f32]> tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 36 : i32, 24 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,36,24,144,32,f32]> tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 36 : i32, 24 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,36,24,144,32,f32]> tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 36 : i32, 24 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,484,6,144,32,f32]> tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 484 : i32, 6 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,484,6,144,32,f32]> tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 484 : i32, 6 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,484,6,144,32,f32]> tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 484 : i32, 6 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,4,16,49,32,bf16]> tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 16 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,4,16,49,32,bf16]> tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 4 : i32, 16 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,4,16,49,32,bf16]> tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 4 : i32, 16 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,4,48,144,32,f32]> tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 48 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,4,48,144,32,f32]> tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 4 : i32, 48 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,4,48,144,32,f32]> tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 4 : i32, 48 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,64,4,49,32,bf16]> tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 4 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,64,4,49,32,bf16]> tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 64 : i32, 4 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,64,4,49,32,bf16]> tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 64 : i32, 4 : i32, 49 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,9,24,144,32,f32]> tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 24 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,9,24,144,32,f32]> tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 9 : i32, 24 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,9,24,144,32,f32]> tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 9 : i32, 24 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,9,48,144,32,f32]> tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 48 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,9,48,144,32,f32]> tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 9 : i32, 48 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,9,48,144,32,f32]> tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 9 : i32, 48 : i32, 144 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[4,2,1,ui32]> tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 1 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[4,2,1,ui32]> tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | begins: [1 : i32, 0 : i32, 0 : i32] ends: [2 : i32, 2 : i32, 1 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[4,2,1,ui32]> tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | begins: [2 : i32, 0 : i32, 0 : i32] ends: [3 : i32, 2 : i32, 1 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[4,2,1,ui32]> tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | begins: [3 : i32, 0 : i32, 0 : i32] ends: [4 : i32, 2 : i32, 1 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[6,1,100,4,bf16]> tensor<[1,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 4, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 4, 'bf16', 'dram') | begins: [5 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [6 : i32, 1 : i32, 100 : i32, 4 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[6,1,100,92,bf16]> tensor<[1,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 92, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 92, 'bf16', 'dram') | begins: [5 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [6 : i32, 1 : i32, 100 : i32, 92 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 92, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[8,1,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 0 : i32] ends: [1 : i32, 1 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[8,50,f32]> tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 50, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'f32', 'dram') | begins: [0 : i32, 49 : i32] ends: [8 : i32, 50 : i32] step: [1 : i32, 1 : i32] | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[14,14,bf16]> tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') | begins: [11 : i32, 0 : i32] ends: [14 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[14,14,bf16]> tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') | begins: [7 : i32, 0 : i32] ends: [11 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[14,14,bf16]> tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [7 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[16,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | begins: [0 : i32, 0 : i32] ends: [8 : i32, 2048 : i32] step: [1 : i32, 1 : i32] | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[16,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | begins: [8 : i32, 0 : i32] ends: [16 : i32, 2048 : i32] step: [1 : i32, 1 : i32] | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1024,5120,bf16]> tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1024 : i32, 2560 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1024,5120,bf16]> tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 2560 : i32] ends: [1 : i32, 1024 : i32, 5120 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 9 : i32] ends: [1 : i32, 10 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,128,bf16]> tensor<[1,10,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 10 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,10,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,128,bf16]> tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 10 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,10,128,bf16]> tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 10 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 10 : i32] ends: [1 : i32, 11 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,128,bf16]> tensor<[1,11,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 11 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,11,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,128,bf16]> tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 11 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,11,128,bf16]> tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 11 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,128,192,f32]> tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 128 : i32, 192 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,128,192,f32]> tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 128 : i32, 192 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,128,384,f32]> tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 128 : i32, 384 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,128,384,f32]> tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 128 : i32, 384 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,132,192,f32]> tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 128 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,132,384,f32]> tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 128 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,256,192,f32]> tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 256 : i32, 192 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,128,256,192,f32]> tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 256 : i32, 192 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 11 : i32] ends: [1 : i32, 12 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,128,bf16]> tensor<[1,12,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,12,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,128,bf16]> tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 12 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,128,bf16]> tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 12 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,12,128,bf16]> tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 12 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,12,128,bf16]> tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 12 : i32, 12 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,1536,bf16]> tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 1536, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1536, 'bf16', 'dram') | begins: [0 : i32, 11 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1536, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,1,128,bf16]> tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 12 : i32, 1 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,12,1,128,bf16]> tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 12 : i32, 1 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,192,f32]> tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 132 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,132,132,384,f32]> tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 132 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 12 : i32] ends: [1 : i32, 13 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,128,bf16]> tensor<[1,13,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 13 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,13,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,128,bf16]> tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 13 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,13,128,bf16]> tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 13 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1445,192,bf16]> tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (1445, 192, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (100, 192, 'bf16', 'dram') | begins: [0 : i32, 1345 : i32, 0 : i32] ends: [1 : i32, 1445 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (100, 192, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 13 : i32] ends: [1 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,128,bf16]> tensor<[1,14,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,128,bf16]> tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 14 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,128,bf16]> tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 14 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 14 : i32, 512 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,14,512,bf16]> tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 14 : i32, 512 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,28,256,bf16]> tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,28,256,bf16]> tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 28 : i32, 256 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,2,bf16]> tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 14 : i32, 1 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,14,2,bf16]> tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32] ends: [1 : i32, 14 : i32, 2 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 14 : i32] ends: [1 : i32, 15 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,128,bf16]> tensor<[1,15,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 15 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,15,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,128,bf16]> tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 15 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,15,128,bf16]> tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 15 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,16,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 15 : i32] ends: [1 : i32, 16 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,16,24,1536,f32]> tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 16 : i32, 16 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,16,32,768,f32]> tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 16 : i32, 32 : i32, 768 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,16,32,768,f32]> tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 16 : i32, 32 : i32, 768 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,17,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 16 : i32] ends: [1 : i32, 17 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,185,28,28,bf16]> tensor<[1,57,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1596 + d1 * 28 + d2, d3), memory_config: (1596, 28, 'bf16', 'dram') | begins: [0 : i32, 128 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 185 : i32, 28 : i32, 28 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,57,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1596 + d1 * 28 + d2, d3), memory_config: (1596, 28, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,185,28,28,bf16]> tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (3584, 28, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 128 : i32, 28 : i32, 28 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (3584, 28, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,18,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 17 : i32] ends: [1 : i32, 18 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,197,1024,bf16]> tensor<[1,196,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 1024, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 1024, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 197 : i32, 1024 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,196,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 1024, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,197,768,bf16]> tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 768, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 197 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,19,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 18 : i32] ends: [1 : i32, 19 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,16,32,bf16]> tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 2 : i32] | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,16,32,bf16]> tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 1 : i32] ends: [1 : i32, 1 : i32, 16 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 2 : i32] | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,16,64,bf16]> tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,16,64,bf16]> tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 32 : i32] ends: [1 : i32, 1 : i32, 16 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,32,f32]> tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,32,f32]> tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 16 : i32] ends: [1 : i32, 1 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,4,768,bf16]> tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 4 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,4,768,bf16]> tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 256 : i32] ends: [1 : i32, 1 : i32, 4 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,4,768,bf16]> tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 512 : i32] ends: [1 : i32, 1 : i32, 4 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,7,64,bf16]> tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 1 : i32, 7 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,1,7,64,bf16]> tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 32 : i32] ends: [1 : i32, 1 : i32, 7 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,20,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 19 : i32] ends: [1 : i32, 20 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,21,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 20 : i32] ends: [1 : i32, 21 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,22,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 21 : i32] ends: [1 : i32, 22 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,23,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 22 : i32] ends: [1 : i32, 23 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 23 : i32] ends: [1 : i32, 24 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,24,1536,f32]> tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 16 : i32, 24 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,32,128,bf16]> tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 24 : i32, 32 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,24,32,128,bf16]> tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 24 : i32, 32 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,256,10240,bf16]> tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 256 : i32, 5120 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,256,10240,bf16]> tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 5120 : i32] ends: [1 : i32, 256 : i32, 10240 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,256,256,192,f32]> tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 256 : i32, 256 : i32, 192 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,256,256,192,f32]> tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 256 : i32, 256 : i32, 192 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,256,264,192,f32]> tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 256 : i32, 256 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,256,2,bf16]> tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 256 : i32, 1 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,256,2,bf16]> tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32] ends: [1 : i32, 256 : i32, 2 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,25,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 24 : i32] ends: [1 : i32, 25 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,25,2,bf16]> tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 25 : i32, 1 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,25,2,bf16]> tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32] ends: [1 : i32, 25 : i32, 2 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,264,264,192,f32]> tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 256 : i32, 264 : i32, 192 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,26,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 26, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 25 : i32] ends: [1 : i32, 26 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,27,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 27, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 26 : i32] ends: [1 : i32, 27 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 28, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 27 : i32] ends: [1 : i32, 28 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,13,128,bf16]> tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 13 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,13,128,bf16]> tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 28 : i32, 13 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 28 : i32, 256 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,28,256,bf16]> tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 28 : i32, 256 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,56,128,bf16]> tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,28,56,128,bf16]> tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 28 : i32, 56 : i32, 128 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,29,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 29, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 28 : i32] ends: [1 : i32, 29 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 1 : i32] ends: [1 : i32, 2 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,12,128,bf16]> tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 12 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,12,128,bf16]> tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 2 : i32, 12 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,1,128,bf16]> tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 2 : i32, 1 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,2,1,128,bf16]> tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 2 : i32, 1 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,10,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,11,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,12,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,13,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,14,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 11 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,15,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 12 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,16,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 16, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 13 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,17,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 17, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 14 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,18,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 18, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 15 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3072,9,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,32,128,bf16]> tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 32 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,32,128,bf16]> tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 32 : i32, 32 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,32,768,f32]> tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 32 : i32, 768 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,32,768,f32]> tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 32 : i32, 768 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,36,1536,f32]> tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 32 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,36,768,f32]> tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 32 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,64,384,f32]> tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 64 : i32, 384 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,64,384,f32]> tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 64 : i32, 384 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,64,768,f32]> tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 64 : i32, 768 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,32,64,768,f32]> tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 64 : i32, 768 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,1536,f32]> tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 36 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,36,36,768,f32]> tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 32 : i32, 36 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 2 : i32] ends: [1 : i32, 3 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,16,16,85,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 16 : i32, 16 : i32, 2 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,16,16,85,bf16]> tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 2 : i32] ends: [1 : i32, 3 : i32, 16 : i32, 16 : i32, 4 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,16,16,85,bf16]> tensor<[1,3,16,16,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 81, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 4 : i32] ends: [1 : i32, 3 : i32, 16 : i32, 16 : i32, 85 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,16,16,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 81, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,32,32,85,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 32 : i32, 32 : i32, 2 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,32,32,85,bf16]> tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 2 : i32] ends: [1 : i32, 3 : i32, 32 : i32, 32 : i32, 4 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,32,32,85,bf16]> tensor<[1,3,32,32,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 81, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 4 : i32] ends: [1 : i32, 3 : i32, 32 : i32, 32 : i32, 85 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,32,32,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 81, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,64,64,85,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3 : i32, 64 : i32, 64 : i32, 2 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,64,64,85,bf16]> tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 2 : i32] ends: [1 : i32, 3 : i32, 64 : i32, 64 : i32, 4 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,3,64,64,85,bf16]> tensor<[1,3,64,64,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 81, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32, 4 : i32] ends: [1 : i32, 3 : i32, 64 : i32, 64 : i32, 85 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,3,64,64,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 81, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,4096,2560,bf16]> tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 4096 : i32, 1280 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,4096,2560,bf16]> tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1280 : i32] ends: [1 : i32, 4096 : i32, 2560 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,46,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 46, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 45 : i32] ends: [1 : i32, 46 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,47,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 47, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 46 : i32] ends: [1 : i32, 47 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,48,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 47 : i32] ends: [1 : i32, 48 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,49,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 49, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 48 : i32] ends: [1 : i32, 49 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,4,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 3 : i32] ends: [1 : i32, 4 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,4,13,128,bf16]> tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 4 : i32, 13 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,4,13,128,bf16]> tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 4 : i32, 13 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,50,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 49 : i32] ends: [1 : i32, 50 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,51,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 51, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 50 : i32] ends: [1 : i32, 51 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,52,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 52, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 51 : i32] ends: [1 : i32, 52 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,53,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 53, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 52 : i32] ends: [1 : i32, 53 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,54,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 54, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 53 : i32] ends: [1 : i32, 54 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,55,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 55, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 54 : i32] ends: [1 : i32, 55 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 56, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 55 : i32] ends: [1 : i32, 56 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 56 : i32, 128 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,56,56,128,bf16]> tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 56 : i32, 56 : i32, 128 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,57,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 57, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 56 : i32] ends: [1 : i32, 57 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,58,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 58, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 57 : i32] ends: [1 : i32, 58 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,59,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 59, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 58 : i32] ends: [1 : i32, 59 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 4 : i32] ends: [1 : i32, 5 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,16,32,bf16]> tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 2 : i32] | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,16,32,bf16]> tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 1 : i32] ends: [1 : i32, 5 : i32, 16 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 2 : i32] | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,16,64,bf16]> tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,16,64,bf16]> tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 32 : i32] ends: [1 : i32, 5 : i32, 16 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,32,f32]> tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 16 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,32,f32]> tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 16 : i32] ends: [1 : i32, 5 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,4,768,bf16]> tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 5 : i32, 4 : i32, 256 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,4,768,bf16]> tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 256 : i32] ends: [1 : i32, 5 : i32, 4 : i32, 512 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,5,4,768,bf16]> tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 512 : i32] ends: [1 : i32, 5 : i32, 4 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,60,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 59 : i32] ends: [1 : i32, 60 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 10 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,10,bf16]> tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 10 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 11 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,11,bf16]> tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 11 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 12 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,12,bf16]> tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 12 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 13 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,13,bf16]> tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 13 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 14 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,14,bf16]> tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 14 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 15 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,15,bf16]> tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 15 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 6 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,6,bf16]> tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 6 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 7 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,7,bf16]> tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 7 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 8 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,8,bf16]> tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 8 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 3072 : i32, 9 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6144,9,bf16]> tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | begins: [0 : i32, 3072 : i32, 0 : i32] ends: [1 : i32, 6144 : i32, 9 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,61,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 61, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 60 : i32] ends: [1 : i32, 61 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.slice | tensor<[1,62,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 62, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 61 : i32] ends: [1 : i32, 62 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,63,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 63, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 62 : i32] ends: [1 : i32, 63 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 63 : i32] ends: [1 : i32, 64 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,10240,bf16]> tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 5120 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,10240,bf16]> tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 5120 : i32] ends: [1 : i32, 64 : i32, 10240 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,128,192,f32]> tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 128 : i32, 192 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,128,192,f32]> tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 128 : i32, 192 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,128,384,f32]> tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 128 : i32, 384 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,128,384,f32]> tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 128 : i32, 384 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,64,384,f32]> tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 64 : i32, 384 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,64,384,f32]> tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 64 : i32, 384 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,64,768,f32]> tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 64 : i32, 768 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,64,768,f32]> tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | begins: [0 : i32, 1 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 64 : i32, 768 : i32] step: [1 : i32, 2 : i32, 1 : i32, 1 : i32] | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,72,384,f32]> tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 64 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,64,72,768,f32]> tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 64 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,65,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 65, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 64 : i32] ends: [1 : i32, 65 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,66,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 66, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 65 : i32] ends: [1 : i32, 66 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,67,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 67, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 66 : i32] ends: [1 : i32, 67 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,68,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 68, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 67 : i32] ends: [1 : i32, 68 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,69,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 69, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 68 : i32] ends: [1 : i32, 69 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 5 : i32] ends: [1 : i32, 6 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,128,bf16]> tensor<[1,6,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 6 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,128,bf16]> tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 6 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,6,128,bf16]> tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 6 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,70,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 70, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 69 : i32] ends: [1 : i32, 70 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,71,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 71, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 70 : i32] ends: [1 : i32, 71 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,71,7,64,bf16]> tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 71 : i32, 7 : i32, 32 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,71,7,64,bf16]> tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 32 : i32] ends: [1 : i32, 71 : i32, 7 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 71 : i32] ends: [1 : i32, 72 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,384,f32]> tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 72 : i32, 384 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,72,72,768,f32]> tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 64 : i32, 72 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,73,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 73, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 72 : i32] ends: [1 : i32, 73 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,74,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 74, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 73 : i32] ends: [1 : i32, 74 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,75,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 75, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 74 : i32] ends: [1 : i32, 75 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,76,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 76, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 75 : i32] ends: [1 : i32, 76 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,77,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 77, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 76 : i32] ends: [1 : i32, 77 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,78,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 78, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 77 : i32] ends: [1 : i32, 78 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,79,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 78 : i32] ends: [1 : i32, 79 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 6 : i32] ends: [1 : i32, 7 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,128,bf16]> tensor<[1,7,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,7,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,128,bf16]> tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 7 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,128,bf16]> tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 7 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,14,512,bf16]> tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,14,512,bf16]> tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 14 : i32, 512 : i32] step: [1 : i32, 1 : i32, 2 : i32, 1 : i32] | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,2304,bf16]> tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 768 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,2304,bf16]> tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 1536 : i32] ends: [1 : i32, 7 : i32, 2304 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,2304,bf16]> tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 768 : i32] ends: [1 : i32, 7 : i32, 1536 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,7,73,64,bf16]> tensor<[1,7,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (511, 64, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 7 : i32, 71 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,7,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,80,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 80, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 79 : i32] ends: [1 : i32, 80 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,81,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 81, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 80 : i32] ends: [1 : i32, 81 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,82,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 82, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 81 : i32] ends: [1 : i32, 82 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,83,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 83, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 82 : i32] ends: [1 : i32, 83 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,84,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 84, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 83 : i32] ends: [1 : i32, 84 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,85,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 85, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 84 : i32] ends: [1 : i32, 85 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,86,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 86, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 85 : i32] ends: [1 : i32, 86 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,87,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 87, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 86 : i32] ends: [1 : i32, 87 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,88,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 88, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 87 : i32] ends: [1 : i32, 88 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,89,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 89, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 88 : i32] ends: [1 : i32, 89 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 7 : i32] ends: [1 : i32, 8 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,128,bf16]> tensor<[1,8,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,8,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,128,bf16]> tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 8 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,128,bf16]> tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 8 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,32,128,bf16]> tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 8 : i32, 32 : i32, 64 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,8,32,128,bf16]> tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32, 64 : i32] ends: [1 : i32, 8 : i32, 32 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32, 1 : i32] | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,90,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 90, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 89 : i32] ends: [1 : i32, 90 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,91,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 91, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 90 : i32] ends: [1 : i32, 91 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,92,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 92, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 91 : i32] ends: [1 : i32, 92 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,93,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 93, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 92 : i32] ends: [1 : i32, 93 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,94,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 94, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 93 : i32] ends: [1 : i32, 94 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,95,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 95, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 94 : i32] ends: [1 : i32, 95 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,96,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 95 : i32] ends: [1 : i32, 96 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,97,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 97, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 96 : i32] ends: [1 : i32, 97 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,98,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 97 : i32] ends: [1 : i32, 98 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,99,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 99, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 98 : i32] ends: [1 : i32, 99 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,ui32]> tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | begins: [0 : i32, 8 : i32] ends: [1 : i32, 9 : i32] step: [1 : i32, 1 : i32] | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,128,bf16]> tensor<[1,9,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 96, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 0 : i32] ends: [1 : i32, 9 : i32, 96 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 96, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,128,bf16]> tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 112 : i32] ends: [1 : i32, 9 : i32, 128 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[1,9,128,bf16]> tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | begins: [0 : i32, 0 : i32, 96 : i32] ends: [1 : i32, 9 : i32, 112 : i32] step: [1 : i32, 1 : i32, 1 : i32] | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[21,28,bf16]> tensor<[21,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 3, 'bf16', 'dram') | begins: [0 : i32, 25 : i32] ends: [21 : i32, 28 : i32] step: [1 : i32, 1 : i32] | tensor<[21,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[21,28,bf16]> tensor<[21,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 4, 'bf16', 'dram') | begins: [0 : i32, 21 : i32] ends: [21 : i32, 25 : i32] step: [1 : i32, 1 : i32] | tensor<[21,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[21,28,bf16]> tensor<[21,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 21, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [21 : i32, 21 : i32] step: [1 : i32, 1 : i32] | tensor<[21,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 21, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[28,28,bf16]> tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') | begins: [25 : i32, 0 : i32] ends: [28 : i32, 28 : i32] step: [1 : i32, 1 : i32] | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[28,28,bf16]> tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') | begins: [21 : i32, 0 : i32] ends: [25 : i32, 28 : i32] step: [1 : i32, 1 : i32] | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[28,28,bf16]> tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [21 : i32, 28 : i32] step: [1 : i32, 1 : i32] | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | begins: [0 : i32, 0 : i32] ends: [3234 : i32, 4 : i32] step: [1 : i32, 2 : i32] | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 0 : i32] ends: [3234 : i32, 4 : i32] step: [1 : i32, 4 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | begins: [0 : i32, 1 : i32] ends: [3234 : i32, 4 : i32] step: [1 : i32, 2 : i32] | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 1 : i32] ends: [3234 : i32, 4 : i32] step: [1 : i32, 4 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 2 : i32] ends: [3234 : i32, 4 : i32] step: [1 : i32, 4 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3234,4,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | begins: [0 : i32, 3 : i32] ends: [3234 : i32, 4 : i32] step: [1 : i32, 4 : i32] | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'dram') | nan | nan |
ttnn.slice | tensor<[3,14,bf16]> tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | begins: [0 : i32, 11 : i32] ends: [3 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,14,bf16]> tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | begins: [0 : i32, 7 : i32] ends: [3 : i32, 11 : i32] step: [1 : i32, 1 : i32] | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,14,bf16]> tensor<[3,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 7, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [3 : i32, 7 : i32] step: [1 : i32, 1 : i32] | tensor<[3,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 7, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,28,bf16]> tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | begins: [0 : i32, 25 : i32] ends: [3 : i32, 28 : i32] step: [1 : i32, 1 : i32] | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,28,bf16]> tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | begins: [0 : i32, 21 : i32] ends: [3 : i32, 25 : i32] step: [1 : i32, 1 : i32] | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,28,bf16]> tensor<[3,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 21, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [3 : i32, 21 : i32] step: [1 : i32, 1 : i32] | tensor<[3,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 21, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,56,bf16]> tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | begins: [0 : i32, 53 : i32] ends: [3 : i32, 56 : i32] step: [1 : i32, 1 : i32] | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,56,bf16]> tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | begins: [0 : i32, 49 : i32] ends: [3 : i32, 53 : i32] step: [1 : i32, 1 : i32] | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[3,56,bf16]> tensor<[3,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 49, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [3 : i32, 49 : i32] step: [1 : i32, 1 : i32] | tensor<[3,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 49, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[45,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | begins: [44 : i32] ends: [45 : i32] step: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[49,56,bf16]> tensor<[49,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 3, 'bf16', 'dram') | begins: [0 : i32, 53 : i32] ends: [49 : i32, 56 : i32] step: [1 : i32, 1 : i32] | tensor<[49,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[49,56,bf16]> tensor<[49,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 4, 'bf16', 'dram') | begins: [0 : i32, 49 : i32] ends: [49 : i32, 53 : i32] step: [1 : i32, 1 : i32] | tensor<[49,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[49,56,bf16]> tensor<[49,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 49, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [49 : i32, 49 : i32] step: [1 : i32, 1 : i32] | tensor<[49,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 49, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,14,bf16]> tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | begins: [0 : i32, 11 : i32] ends: [4 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,14,bf16]> tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | begins: [0 : i32, 7 : i32] ends: [4 : i32, 11 : i32] step: [1 : i32, 1 : i32] | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,14,bf16]> tensor<[4,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 7, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [4 : i32, 7 : i32] step: [1 : i32, 1 : i32] | tensor<[4,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 7, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,28,bf16]> tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | begins: [0 : i32, 25 : i32] ends: [4 : i32, 28 : i32] step: [1 : i32, 1 : i32] | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,28,bf16]> tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | begins: [0 : i32, 21 : i32] ends: [4 : i32, 25 : i32] step: [1 : i32, 1 : i32] | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,28,bf16]> tensor<[4,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 21, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [4 : i32, 21 : i32] step: [1 : i32, 1 : i32] | tensor<[4,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 21, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,56,bf16]> tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | begins: [0 : i32, 53 : i32] ends: [4 : i32, 56 : i32] step: [1 : i32, 1 : i32] | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,56,bf16]> tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | begins: [0 : i32, 49 : i32] ends: [4 : i32, 53 : i32] step: [1 : i32, 1 : i32] | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[4,56,bf16]> tensor<[4,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 49, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [4 : i32, 49 : i32] step: [1 : i32, 1 : i32] | tensor<[4,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 49, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[56,56,bf16]> tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') | begins: [53 : i32, 0 : i32] ends: [56 : i32, 56 : i32] step: [1 : i32, 1 : i32] | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[56,56,bf16]> tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') | begins: [49 : i32, 0 : i32] ends: [53 : i32, 56 : i32] step: [1 : i32, 1 : i32] | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[56,56,bf16]> tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [49 : i32, 56 : i32] step: [1 : i32, 1 : i32] | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[5,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | begins: [4 : i32] ends: [5 : i32] step: [1 : i32] | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.slice | tensor<[7,14,bf16]> tensor<[7,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 3, 'bf16', 'dram') | begins: [0 : i32, 11 : i32] ends: [7 : i32, 14 : i32] step: [1 : i32, 1 : i32] | tensor<[7,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 3, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[7,14,bf16]> tensor<[7,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 4, 'bf16', 'dram') | begins: [0 : i32, 7 : i32] ends: [7 : i32, 11 : i32] step: [1 : i32, 1 : i32] | tensor<[7,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 4, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[7,14,bf16]> tensor<[7,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 7, 'bf16', 'dram') | begins: [0 : i32, 0 : i32] ends: [7 : i32, 7 : i32] step: [1 : i32, 1 : i32] | tensor<[7,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 7, 'bf16', 'dram') | nan | nan |
ttnn.slice | tensor<[8,2,ui32]> tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'ui32', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'dram') | begins: [0 : i32, 0 : i32] ends: [8 : i32, 1 : i32] step: [1 : i32, 1 : i32] | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'dram') | nan | nan |
ttnn.subtract
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.subtract | tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[121,6,144,144,f32]> tensor<[121,6,144,144,f32]> tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[16,8,49,49,f32]> tensor<[16,8,49,49,f32]> tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,10,10,f32]> tensor<[1,12,10,10,f32]> tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,10,f32]> tensor<[1,12,1,10,f32]> tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,11,f32]> tensor<[1,12,1,11,f32]> tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,12,f32]> tensor<[1,12,1,12,f32]> tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,1,f32]> tensor<[1,12,1,1,f32]> tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,2,f32]> tensor<[1,12,1,2,f32]> tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,3,f32]> tensor<[1,12,1,3,f32]> tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,4,f32]> tensor<[1,12,1,4,f32]> tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,5,f32]> tensor<[1,12,1,5,f32]> tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,6,f32]> tensor<[1,12,1,6,f32]> tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,7,f32]> tensor<[1,12,1,7,f32]> tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,8,f32]> tensor<[1,12,1,8,f32]> tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,1,9,f32]> tensor<[1,12,1,9,f32]> tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,201,201,f32]> tensor<[1,12,201,201,f32]> tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,257,257,f32]> tensor<[1,12,257,257,f32]> tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,8,8,f32]> tensor<[1,12,8,8,f32]> tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,10,10,f32]> tensor<[1,16,10,10,f32]> tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,197,197,f32]> tensor<[1,16,197,197,f32]> tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,1,f32]> tensor<[1,16,1,1,f32]> tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,2,f32]> tensor<[1,16,1,2,f32]> tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,3,f32]> tensor<[1,16,1,3,f32]> tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,4,f32]> tensor<[1,16,1,4,f32]> tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,5,f32]> tensor<[1,16,1,5,f32]> tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,32,32,f32]> tensor<[1,16,32,32,f32]> tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1,16384,256,f32]> tensor<[1,1,16384,256,f32]> tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1,19200,300,f32]> tensor<[1,1,19200,300,f32]> tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,27,257,f32]> tensor<[1,27,257,f32]> tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2,4096,256,f32]> tensor<[1,2,4096,256,f32]> tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2,4800,300,f32]> tensor<[1,2,4800,300,f32]> tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,49,49,f32]> tensor<[1,32,49,49,f32]> tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,50257,f32]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,5,1024,256,f32]> tensor<[1,5,1024,256,f32]> tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,5,1200,300,f32]> tensor<[1,5,1200,300,f32]> tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,15,15,f32]> tensor<[1,6,15,15,f32]> tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,10,f32]> tensor<[1,6,1,10,f32]> tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,11,f32]> tensor<[1,6,1,11,f32]> tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,12,f32]> tensor<[1,6,1,12,f32]> tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,13,f32]> tensor<[1,6,1,13,f32]> tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,14,f32]> tensor<[1,6,1,14,f32]> tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,15,f32]> tensor<[1,6,1,15,f32]> tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,16,f32]> tensor<[1,6,1,16,f32]> tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,17,f32]> tensor<[1,6,1,17,f32]> tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,18,f32]> tensor<[1,6,1,18,f32]> tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,19,f32]> tensor<[1,6,1,19,f32]> tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,1,f32]> tensor<[1,6,1,1,f32]> tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,20,f32]> tensor<[1,6,1,20,f32]> tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,2,f32]> tensor<[1,6,1,2,f32]> tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,3,f32]> tensor<[1,6,1,3,f32]> tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,4,f32]> tensor<[1,6,1,4,f32]> tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,5,f32]> tensor<[1,6,1,5,f32]> tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,6,f32]> tensor<[1,6,1,6,f32]> tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,7,f32]> tensor<[1,6,1,7,f32]> tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,8,f32]> tensor<[1,6,1,8,f32]> tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1,9,f32]> tensor<[1,6,1,9,f32]> tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,10,10,f32]> tensor<[1,8,10,10,f32]> tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,10,f32]> tensor<[1,8,1,10,f32]> tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,11,f32]> tensor<[1,8,1,11,f32]> tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,12,f32]> tensor<[1,8,1,12,f32]> tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,13,f32]> tensor<[1,8,1,13,f32]> tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,14,f32]> tensor<[1,8,1,14,f32]> tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,15,f32]> tensor<[1,8,1,15,f32]> tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,16,f32]> tensor<[1,8,1,16,f32]> tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,17,f32]> tensor<[1,8,1,17,f32]> tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,18,f32]> tensor<[1,8,1,18,f32]> tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,19,f32]> tensor<[1,8,1,19,f32]> tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,1,f32]> tensor<[1,8,1,1,f32]> tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,20,f32]> tensor<[1,8,1,20,f32]> tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,2,f32]> tensor<[1,8,1,2,f32]> tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,3,f32]> tensor<[1,8,1,3,f32]> tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,4,f32]> tensor<[1,8,1,4,f32]> tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,5,f32]> tensor<[1,8,1,5,f32]> tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,6,f32]> tensor<[1,8,1,6,f32]> tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,7,f32]> tensor<[1,8,1,7,f32]> tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,8,f32]> tensor<[1,8,1,8,f32]> tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,1,9,f32]> tensor<[1,8,1,9,f32]> tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,2048,256,f32]> tensor<[1,8,2048,256,f32]> tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,256,2048,f32]> tensor<[1,8,256,2048,f32]> tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,300,300,f32]> tensor<[1,8,300,300,f32]> tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[36,12,144,144,f32]> tensor<[36,12,144,144,f32]> tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[36,24,144,144,f32]> tensor<[36,24,144,144,f32]> tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[484,6,144,144,f32]> tensor<[484,6,144,144,f32]> tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[4,16,49,49,f32]> tensor<[4,16,49,49,f32]> tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[4,48,144,144,f32]> tensor<[4,48,144,144,f32]> tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[64,1,13,f32]> tensor<[64,1,13,f32]> tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[64,4,49,49,f32]> tensor<[64,4,49,49,f32]> tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[8,100,100,f32]> tensor<[8,100,100,f32]> tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[8,100,920,f32]> tensor<[8,100,920,f32]> tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[8,920,920,f32]> tensor<[8,920,920,f32]> tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[9,24,144,144,f32]> tensor<[9,24,144,144,f32]> tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[9,48,144,144,f32]> tensor<[9,48,144,144,f32]> tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,ui32]> tensor<[1,192,ui32]> tensor<[1,192,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[12,ui32]> tensor<[12,ui32]> tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,ui32]> tensor<[1,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,100,14,14,f32]> tensor<[1,100,14,14,f32]> tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,10,10,f32]> tensor<[1,1024,10,10,f32]> tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,14,14,f32]> tensor<[1,1024,14,14,f32]> tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,16,16,f32]> tensor<[1,1024,16,16,f32]> tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,19,19,f32]> tensor<[1,1024,19,19,f32]> tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,28,28,f32]> tensor<[1,1024,28,28,f32]> tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,7,7,f32]> tensor<[1,1024,7,7,f32]> tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1056,14,14,f32]> tensor<[1,1056,14,14,f32]> tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1056,7,7,f32]> tensor<[1,1056,7,7,f32]> tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1088,14,14,f32]> tensor<[1,1088,14,14,f32]> tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1088,7,7,f32]> tensor<[1,1088,7,7,f32]> tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,10,f32]> tensor<[1,10,f32]> tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1120,14,14,f32]> tensor<[1,1120,14,14,f32]> tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1120,7,7,f32]> tensor<[1,1120,7,7,f32]> tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,112,14,14,f32]> tensor<[1,112,14,14,f32]> tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,112,15,15,f32]> tensor<[1,112,15,15,f32]> tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 20 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,112,24,24,f32]> tensor<[1,112,24,24,f32]> tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,112,7,7,f32]> tensor<[1,112,7,7,f32]> tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1152,14,14,f32]> tensor<[1,1152,14,14,f32]> tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1152,7,7,f32]> tensor<[1,1152,7,7,f32]> tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1152,8,8,f32]> tensor<[1,1152,8,8,f32]> tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,116,14,14,f32]> tensor<[1,116,14,14,f32]> tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1184,14,14,f32]> tensor<[1,1184,14,14,f32]> tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1184,7,7,f32]> tensor<[1,1184,7,7,f32]> tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,11,ui32]> tensor<[1,11,ui32]> tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,120,14,14,f32]> tensor<[1,120,14,14,f32]> tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,120,17,17,f32]> tensor<[1,120,17,17,f32]> tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,120,28,28,f32]> tensor<[1,120,28,28,f32]> tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1216,14,14,f32]> tensor<[1,1216,14,14,f32]> tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1216,7,7,f32]> tensor<[1,1216,7,7,f32]> tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1248,14,14,f32]> tensor<[1,1248,14,14,f32]> tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1248,7,7,f32]> tensor<[1,1248,7,7,f32]> tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1248,9,9,f32]> tensor<[1,1248,9,9,f32]> tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1280,10,10,f32]> tensor<[1,1280,10,10,f32]> tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1280,12,12,f32]> tensor<[1,1280,12,12,f32]> tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1280,14,14,f32]> tensor<[1,1280,14,14,f32]> tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1280,7,7,f32]> tensor<[1,1280,7,7,f32]> tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1280,9,9,f32]> tensor<[1,1280,9,9,f32]> tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,112,112,f32]> tensor<[1,128,112,112,f32]> tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,128,128,f32]> tensor<[1,128,128,128,f32]> tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,14,14,f32]> tensor<[1,128,14,14,f32]> tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,150,150,f32]> tensor<[1,128,150,150,f32]> tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,17,17,f32]> tensor<[1,128,17,17,f32]> tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,28,28,f32]> tensor<[1,128,28,28,f32]> tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 2 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,32,32,f32]> tensor<[1,128,32,32,f32]> tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 3 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,56,56,f32]> tensor<[1,128,56,56,f32]> tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 5 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,64,64,f32]> tensor<[1,128,64,64,f32]> tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,75,75,f32]> tensor<[1,128,75,75,f32]> tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,128,7,7,f32]> tensor<[1,128,7,7,f32]> tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,ui32]> tensor<[1,12,ui32]> tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,56,56,f32]> tensor<[1,12,56,56,f32]> tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1312,14,14,f32]> tensor<[1,1312,14,14,f32]> tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1312,7,7,f32]> tensor<[1,1312,7,7,f32]> tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1344,14,14,f32]> tensor<[1,1344,14,14,f32]> tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1344,28,28,f32]> tensor<[1,1344,28,28,f32]> tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1344,7,7,f32]> tensor<[1,1344,7,7,f32]> tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,134,28,28,f32]> tensor<[1,134,28,28,f32]> tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,136,19,19,f32]> tensor<[1,136,19,19,f32]> tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1376,14,14,f32]> tensor<[1,1376,14,14,f32]> tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1376,7,7,f32]> tensor<[1,1376,7,7,f32]> tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1392,10,10,f32]> tensor<[1,1392,10,10,f32]> tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1392,14,14,f32]> tensor<[1,1392,14,14,f32]> tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1392,28,28,f32]> tensor<[1,1392,28,28,f32]> tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,13,ui32]> tensor<[1,13,ui32]> tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1408,14,14,f32]> tensor<[1,1408,14,14,f32]> tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1408,7,7,f32]> tensor<[1,1408,7,7,f32]> tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1440,14,14,f32]> tensor<[1,1440,14,14,f32]> tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1440,7,7,f32]> tensor<[1,1440,7,7,f32]> tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,14,14,f32]> tensor<[1,144,14,14,f32]> tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,150,150,f32]> tensor<[1,144,150,150,f32]> tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,190,190,f32]> tensor<[1,144,190,190,f32]> tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,28,28,f32]> tensor<[1,144,28,28,f32]> tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,30,30,f32]> tensor<[1,144,30,30,f32]> tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,33,33,f32]> tensor<[1,144,33,33,f32]> tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,56,56,f32]> tensor<[1,144,56,56,f32]> tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,60,60,f32]> tensor<[1,144,60,60,f32]> tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,65,65,f32]> tensor<[1,144,65,65,f32]> tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,75,75,f32]> tensor<[1,144,75,75,f32]> tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,7,7,f32]> tensor<[1,144,7,7,f32]> tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,144,95,95,f32]> tensor<[1,144,95,95,f32]> tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1472,14,14,f32]> tensor<[1,1472,14,14,f32]> tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1472,7,7,f32]> tensor<[1,1472,7,7,f32]> tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,ui32]> tensor<[1,14,ui32]> tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,56,56,f32]> tensor<[1,14,56,56,f32]> tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1504,14,14,f32]> tensor<[1,1504,14,14,f32]> tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1504,7,7,f32]> tensor<[1,1504,7,7,f32]> tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1536,10,10,f32]> tensor<[1,1536,10,10,f32]> tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1536,14,14,f32]> tensor<[1,1536,14,14,f32]> tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1536,7,7,f32]> tensor<[1,1536,7,7,f32]> tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1568,14,14,f32]> tensor<[1,1568,14,14,f32]> tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1568,7,7,f32]> tensor<[1,1568,7,7,f32]> tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,15,ui32]> tensor<[1,15,ui32]> tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1600,14,14,f32]> tensor<[1,1600,14,14,f32]> tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1600,7,7,f32]> tensor<[1,1600,7,7,f32]> tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,160,14,14,f32]> tensor<[1,160,14,14,f32]> tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,160,24,24,f32]> tensor<[1,160,24,24,f32]> tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,160,28,28,f32]> tensor<[1,160,28,28,f32]> tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,160,56,56,f32]> tensor<[1,160,56,56,f32]> tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,160,7,7,f32]> tensor<[1,160,7,7,f32]> tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1632,12,12,f32]> tensor<[1,1632,12,12,f32]> tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1632,14,14,f32]> tensor<[1,1632,14,14,f32]> tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1632,7,7,f32]> tensor<[1,1632,7,7,f32]> tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1664,14,14,f32]> tensor<[1,1664,14,14,f32]> tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1664,7,7,f32]> tensor<[1,1664,7,7,f32]> tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,168,28,28,f32]> tensor<[1,168,28,28,f32]> tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1696,14,14,f32]> tensor<[1,1696,14,14,f32]> tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1696,7,7,f32]> tensor<[1,1696,7,7,f32]> tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,ui32]> tensor<[1,16,ui32]> tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,112,112,f32]> tensor<[1,16,112,112,f32]> tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,120,120,f32]> tensor<[1,16,120,120,f32]> tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,130,130,f32]> tensor<[1,16,130,130,f32]> tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,14,14,f32]> tensor<[1,16,14,14,f32]> tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 160 + d2, d3), memory_config: (80, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,224,224,f32]> tensor<[1,16,224,224,f32]> tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,28,28,f32]> tensor<[1,16,28,28,f32]> tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,56,56,f32]> tensor<[1,16,56,56,f32]> tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1728,14,14,f32]> tensor<[1,1728,14,14,f32]> tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1728,7,7,f32]> tensor<[1,1728,7,7,f32]> tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1760,14,14,f32]> tensor<[1,1760,14,14,f32]> tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1760,7,7,f32]> tensor<[1,1760,7,7,f32]> tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1792,14,14,f32]> tensor<[1,1792,14,14,f32]> tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1792,7,7,f32]> tensor<[1,1792,7,7,f32]> tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,17,ui32]> tensor<[1,17,ui32]> tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1824,7,7,f32]> tensor<[1,1824,7,7,f32]> tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,184,14,14,f32]> tensor<[1,184,14,14,f32]> tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3680 + d1 * 20 + d2, d3), memory_config: (115, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,184,7,7,f32]> tensor<[1,184,7,7,f32]> tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1856,7,7,f32]> tensor<[1,1856,7,7,f32]> tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1888,7,7,f32]> tensor<[1,1888,7,7,f32]> tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,18,ui32]> tensor<[1,18,ui32]> tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,18,14,14,f32]> tensor<[1,18,14,14,f32]> tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,18,28,28,f32]> tensor<[1,18,28,28,f32]> tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,18,56,56,f32]> tensor<[1,18,56,56,f32]> tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,18,7,7,f32]> tensor<[1,18,7,7,f32]> tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1920,7,7,f32]> tensor<[1,1920,7,7,f32]> tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,14,14,f32]> tensor<[1,192,14,14,f32]> tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,17,17,f32]> tensor<[1,192,17,17,f32]> tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,28,28,f32]> tensor<[1,192,28,28,f32]> tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,35,35,f32]> tensor<[1,192,35,35,f32]> tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,38,38,f32]> tensor<[1,192,38,38,f32]> tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,48,48,f32]> tensor<[1,192,48,48,f32]> tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,56,56,f32]> tensor<[1,192,56,56,f32]> tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,75,75,f32]> tensor<[1,192,75,75,f32]> tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,7,7,f32]> tensor<[1,192,7,7,f32]> tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,8,8,f32]> tensor<[1,192,8,8,f32]> tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,192,95,95,f32]> tensor<[1,192,95,95,f32]> tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,196,14,14,f32]> tensor<[1,196,14,14,f32]> tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,19,ui32]> tensor<[1,19,ui32]> tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,200,14,14,f32]> tensor<[1,200,14,14,f32]> tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4000 + d1 * 20 + d2, d3), memory_config: (125, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,200,7,7,f32]> tensor<[1,200,7,7,f32]> tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2048,10,10,f32]> tensor<[1,2048,10,10,f32]> tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2048,14,14,f32]> tensor<[1,2048,14,14,f32]> tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2048,7,7,f32]> tensor<[1,2048,7,7,f32]> tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,208,14,14,f32]> tensor<[1,208,14,14,f32]> tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,208,9,9,f32]> tensor<[1,208,9,9,f32]> tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,20,ui32]> tensor<[1,20,ui32]> tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,20,28,28,f32]> tensor<[1,20,28,28,f32]> tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,21,ui32]> tensor<[1,21,ui32]> tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,224,14,14,f32]> tensor<[1,224,14,14,f32]> tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,224,17,17,f32]> tensor<[1,224,17,17,f32]> tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,224,28,28,f32]> tensor<[1,224,28,28,f32]> tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,224,35,35,f32]> tensor<[1,224,35,35,f32]> tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,224,56,56,f32]> tensor<[1,224,56,56,f32]> tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,224,7,7,f32]> tensor<[1,224,7,7,f32]> tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,22,ui32]> tensor<[1,22,ui32]> tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,232,10,10,f32]> tensor<[1,232,10,10,f32]> tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,232,112,112,f32]> tensor<[1,232,112,112,f32]> tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,232,56,56,f32]> tensor<[1,232,56,56,f32]> tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,23,ui32]> tensor<[1,23,ui32]> tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,240,14,14,f32]> tensor<[1,240,14,14,f32]> tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,240,15,15,f32]> tensor<[1,240,15,15,f32]> tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 20 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,240,28,28,f32]> tensor<[1,240,28,28,f32]> tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,240,30,30,f32]> tensor<[1,240,30,30,f32]> tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,240,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 40 + d2, d3), memory_config: (300, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,ui32]> tensor<[1,24,ui32]> tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,112,112,f32]> tensor<[1,24,112,112,f32]> tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,14,14,f32]> tensor<[1,24,14,14,f32]> tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,150,150,f32]> tensor<[1,24,150,150,f32]> tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,190,190,f32]> tensor<[1,24,190,190,f32]> tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,28,28,f32]> tensor<[1,24,28,28,f32]> tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,56,56,f32]> tensor<[1,24,56,56,f32]> tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,60,60,f32]> tensor<[1,24,60,60,f32]> tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,65,65,f32]> tensor<[1,24,65,65,f32]> tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,24,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 80 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2520,14,14,f32]> tensor<[1,2520,14,14,f32]> tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2520,7,7,f32]> tensor<[1,2520,7,7,f32]> tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 10 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,128,128,f32]> tensor<[1,256,128,128,f32]> tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,14,14,f32]> tensor<[1,256,14,14,f32]> tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,16,16,f32]> tensor<[1,256,16,16,f32]> tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,17,17,f32]> tensor<[1,256,17,17,f32]> tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,28,28,f32]> tensor<[1,256,28,28,f32]> tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 2 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,32,32,f32]> tensor<[1,256,32,32,f32]> tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,38,38,f32]> tensor<[1,256,38,38,f32]> tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 3 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,56,56,f32]> tensor<[1,256,56,56,f32]> tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 5 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,64,64,f32]> tensor<[1,256,64,64,f32]> tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,75,75,f32]> tensor<[1,256,75,75,f32]> tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,7,7,f32]> tensor<[1,256,7,7,f32]> tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,8,8,f32]> tensor<[1,256,8,8,f32]> tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,25,ui32]> tensor<[1,25,ui32]> tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,26,ui32]> tensor<[1,26,ui32]> tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,272,12,12,f32]> tensor<[1,272,12,12,f32]> tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,272,7,7,f32]> tensor<[1,272,7,7,f32]> tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,27,ui32]> tensor<[1,27,ui32]> tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,288,14,14,f32]> tensor<[1,288,14,14,f32]> tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,288,17,17,f32]> tensor<[1,288,17,17,f32]> tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,288,19,19,f32]> tensor<[1,288,19,19,f32]> tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,288,28,28,f32]> tensor<[1,288,28,28,f32]> tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,288,33,33,f32]> tensor<[1,288,33,33,f32]> tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,288,38,38,f32]> tensor<[1,288,38,38,f32]> tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,28,ui32]> tensor<[1,28,ui32]> tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,28,28,28,f32]> tensor<[1,28,28,28,f32]> tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,29,ui32]> tensor<[1,29,ui32]> tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,320,14,14,f32]> tensor<[1,320,14,14,f32]> tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,320,17,17,f32]> tensor<[1,320,17,17,f32]> tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,320,28,28,f32]> tensor<[1,320,28,28,f32]> tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,320,7,7,f32]> tensor<[1,320,7,7,f32]> tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,320,8,8,f32]> tensor<[1,320,8,8,f32]> tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,ui32]> tensor<[1,32,ui32]> tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,112,112,f32]> tensor<[1,32,112,112,f32]> tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,120,120,f32]> tensor<[1,32,120,120,f32]> tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,120,160,f32]> tensor<[1,32,120,160,f32]> tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,128,128,f32]> tensor<[1,32,128,128,f32]> tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,130,130,f32]> tensor<[1,32,130,130,f32]> tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,147,147,f32]> tensor<[1,32,147,147,f32]> tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,149,149,f32]> tensor<[1,32,149,149,f32]> tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,14,14,f32]> tensor<[1,32,14,14,f32]> tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,150,150,f32]> tensor<[1,32,150,150,f32]> tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,190,190,f32]> tensor<[1,32,190,190,f32]> tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,256,256,f32]> tensor<[1,32,256,256,f32]> tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,28,28,f32]> tensor<[1,32,28,28,f32]> tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,30,40,f32]> tensor<[1,32,30,40,f32]> tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,512,512,f32]> tensor<[1,32,512,512,f32]> tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,56,56,f32]> tensor<[1,32,56,56,f32]> tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,60,80,f32]> tensor<[1,32,60,80,f32]> tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,75,75,f32]> tensor<[1,32,75,75,f32]> tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,7,7,f32]> tensor<[1,32,7,7,f32]> tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,95,95,f32]> tensor<[1,32,95,95,f32]> tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,334,14,14,f32]> tensor<[1,334,14,14,f32]> tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,336,112,112,f32]> tensor<[1,336,112,112,f32]> tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,336,14,14,f32]> tensor<[1,336,14,14,f32]> tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,336,24,24,f32]> tensor<[1,336,24,24,f32]> tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,336,48,48,f32]> tensor<[1,336,48,48,f32]> tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,336,56,56,f32]> tensor<[1,336,56,56,f32]> tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,34,28,28,f32]> tensor<[1,34,28,28,f32]> tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,352,14,14,f32]> tensor<[1,352,14,14,f32]> tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,352,28,28,f32]> tensor<[1,352,28,28,f32]> tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,352,9,9,f32]> tensor<[1,352,9,9,f32]> tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,36,14,14,f32]> tensor<[1,36,14,14,f32]> tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,36,28,28,f32]> tensor<[1,36,28,28,f32]> tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,36,56,56,f32]> tensor<[1,36,56,56,f32]> tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,36,7,7,f32]> tensor<[1,36,7,7,f32]> tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,3712,14,14,f32]> tensor<[1,3712,14,14,f32]> tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,3712,7,7,f32]> tensor<[1,3712,7,7,f32]> tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,384,10,10,f32]> tensor<[1,384,10,10,f32]> tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,384,14,14,f32]> tensor<[1,384,14,14,f32]> tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,384,17,17,f32]> tensor<[1,384,17,17,f32]> tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,384,28,28,f32]> tensor<[1,384,28,28,f32]> tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,384,7,7,f32]> tensor<[1,384,7,7,f32]> tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,384,8,8,f32]> tensor<[1,384,8,8,f32]> tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,40,14,14,f32]> tensor<[1,40,14,14,f32]> tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,40,28,28,f32]> tensor<[1,40,28,28,f32]> tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,40,30,30,f32]> tensor<[1,40,30,30,f32]> tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,40,56,56,f32]> tensor<[1,40,56,56,f32]> tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,416,14,14,f32]> tensor<[1,416,14,14,f32]> tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,416,28,28,f32]> tensor<[1,416,28,28,f32]> tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,448,12,12,f32]> tensor<[1,448,12,12,f32]> tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.subtract | tensor<[1,448,14,14,f32]> tensor<[1,448,14,14,f32]> tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,448,28,28,f32]> tensor<[1,448,28,28,f32]> tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,448,8,8,f32]> tensor<[1,448,8,8,f32]> tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,462,7,7,f32]> tensor<[1,462,7,7,f32]> tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,46,28,28,f32]> tensor<[1,46,28,28,f32]> tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,480,14,14,f32]> tensor<[1,480,14,14,f32]> tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,480,15,15,f32]> tensor<[1,480,15,15,f32]> tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,480,28,28,f32]> tensor<[1,480,28,28,f32]> tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,480,7,7,f32]> tensor<[1,480,7,7,f32]> tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,48,14,14,f32]> tensor<[1,48,14,14,f32]> tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,48,33,33,f32]> tensor<[1,48,33,33,f32]> tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,48,38,38,f32]> tensor<[1,48,38,38,f32]> tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,48,56,56,f32]> tensor<[1,48,56,56,f32]> tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,48,7,7,f32]> tensor<[1,48,7,7,f32]> tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,14,14,f32]> tensor<[1,512,14,14,f32]> tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,16,16,f32]> tensor<[1,512,16,16,f32]> tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,28,28,f32]> tensor<[1,512,28,28,f32]> tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,32,32,f32]> tensor<[1,512,32,32,f32]> tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,56,56,f32]> tensor<[1,512,56,56,f32]> tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 5 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,512,8,8,f32]> tensor<[1,512,8,8,f32]> tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,528,17,17,f32]> tensor<[1,528,17,17,f32]> tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,544,14,14,f32]> tensor<[1,544,14,14,f32]> tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,56,14,14,f32]> tensor<[1,56,14,14,f32]> tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,56,48,48,f32]> tensor<[1,56,48,48,f32]> tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,576,14,14,f32]> tensor<[1,576,14,14,f32]> tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,576,19,19,f32]> tensor<[1,576,19,19,f32]> tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,576,7,7,f32]> tensor<[1,576,7,7,f32]> tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,58,28,28,f32]> tensor<[1,58,28,28,f32]> tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,5,ui32]> tensor<[1,5,ui32]> tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,608,14,14,f32]> tensor<[1,608,14,14,f32]> tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,60,28,28,f32]> tensor<[1,60,28,28,f32]> tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,640,14,14,f32]> tensor<[1,640,14,14,f32]> tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,112,112,f32]> tensor<[1,64,112,112,f32]> tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,120,160,f32]> tensor<[1,64,120,160,f32]> tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,128,128,f32]> tensor<[1,64,128,128,f32]> tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,147,147,f32]> tensor<[1,64,147,147,f32]> tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,14,14,f32]> tensor<[1,64,14,14,f32]> tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,150,150,f32]> tensor<[1,64,150,150,f32]> tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,160,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 160 + d2, d3), memory_config: (320, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,224,224,f32]> tensor<[1,64,224,224,f32]> tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,256,256,f32]> tensor<[1,64,256,256,f32]> tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,28,28,f32]> tensor<[1,64,28,28,f32]> tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,2,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 2 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,30,40,f32]> tensor<[1,64,30,40,f32]> tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,35,35,f32]> tensor<[1,64,35,35,f32]> tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,56,56,f32]> tensor<[1,64,56,56,f32]> tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,60,80,f32]> tensor<[1,64,60,80,f32]> tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,64,64,f32]> tensor<[1,64,64,64,f32]> tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,73,73,f32]> tensor<[1,64,73,73,f32]> tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 80 + d2, d3), memory_config: (160, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,14,14,f32]> tensor<[1,672,14,14,f32]> tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,15,15,f32]> tensor<[1,672,15,15,f32]> tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,24,24,f32]> tensor<[1,672,24,24,f32]> tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,28,28,f32]> tensor<[1,672,28,28,f32]> tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,56,56,f32]> tensor<[1,672,56,56,f32]> tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,7,7,f32]> tensor<[1,672,7,7,f32]> tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,672,8,8,f32]> tensor<[1,672,8,8,f32]> tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,68,14,14,f32]> tensor<[1,68,14,14,f32]> tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,68,56,56,f32]> tensor<[1,68,56,56,f32]> tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,696,28,28,f32]> tensor<[1,696,28,28,f32]> tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,696,56,56,f32]> tensor<[1,696,56,56,f32]> tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,ui32]> tensor<[1,6,ui32]> tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,704,14,14,f32]> tensor<[1,704,14,14,f32]> tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,720,17,17,f32]> tensor<[1,720,17,17,f32]> tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,720,9,9,f32]> tensor<[1,720,9,9,f32]> tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,728,19,19,f32]> tensor<[1,728,19,19,f32]> tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,728,38,38,f32]> tensor<[1,728,38,38,f32]> tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,72,14,14,f32]> tensor<[1,72,14,14,f32]> tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,72,28,28,f32]> tensor<[1,72,28,28,f32]> tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,72,56,56,f32]> tensor<[1,72,56,56,f32]> tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,72,7,7,f32]> tensor<[1,72,7,7,f32]> tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,72,80,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 80 + d2, d3), memory_config: (180, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,736,14,14,f32]> tensor<[1,736,14,14,f32]> tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,768,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,768,14,14,f32]> tensor<[1,768,14,14,f32]> tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,78,28,28,f32]> tensor<[1,78,28,28,f32]> tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,ui32]> tensor<[1,7,ui32]> tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,800,14,14,f32]> tensor<[1,800,14,14,f32]> tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 800 + d1 * 10 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,80,14,14,f32]> tensor<[1,80,14,14,f32]> tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,80,15,15,f32]> tensor<[1,80,15,15,f32]> tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 20 + d2, d3), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,80,7,7,f32]> tensor<[1,80,7,7,f32]> tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,816,10,10,f32]> tensor<[1,816,10,10,f32]> tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,816,19,19,f32]> tensor<[1,816,19,19,f32]> tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,832,14,14,f32]> tensor<[1,832,14,14,f32]> tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,864,14,14,f32]> tensor<[1,864,14,14,f32]> tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,88,17,17,f32]> tensor<[1,88,17,17,f32]> tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,896,14,14,f32]> tensor<[1,896,14,14,f32]> tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,896,7,7,f32]> tensor<[1,896,7,7,f32]> tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,ui32]> tensor<[1,8,ui32]> tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,112,112,f32]> tensor<[1,8,112,112,f32]> tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,928,14,14,f32]> tensor<[1,928,14,14,f32]> tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,928,7,7,f32]> tensor<[1,928,7,7,f32]> tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,92,14,14,f32]> tensor<[1,92,14,14,f32]> tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,960,12,12,f32]> tensor<[1,960,12,12,f32]> tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,960,14,14,f32]> tensor<[1,960,14,14,f32]> tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,960,24,24,f32]> tensor<[1,960,24,24,f32]> tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,960,3,3,f32]> tensor<[1,960,3,3,f32]> tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,960,7,7,f32]> tensor<[1,960,7,7,f32]> tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,112,112,f32]> tensor<[1,96,112,112,f32]> tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,120,120,f32]> tensor<[1,96,120,120,f32]> tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,130,130,f32]> tensor<[1,96,130,130,f32]> tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,14,14,f32]> tensor<[1,96,14,14,f32]> tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,19,19,f32]> tensor<[1,96,19,19,f32]> tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,28,28,f32]> tensor<[1,96,28,28,f32]> tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,35,35,f32]> tensor<[1,96,35,35,f32]> tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,56,56,f32]> tensor<[1,96,56,56,f32]> tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,60,60,f32]> tensor<[1,96,60,60,f32]> tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,65,65,f32]> tensor<[1,96,65,65,f32]> tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,71,71,f32]> tensor<[1,96,71,71,f32]> tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,96,73,73,f32]> tensor<[1,96,73,73,f32]> tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,98,28,28,f32]> tensor<[1,98,28,28,f32]> tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,992,14,14,f32]> tensor<[1,992,14,14,f32]> tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,992,7,7,f32]> tensor<[1,992,7,7,f32]> tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,ui32]> tensor<[1,9,ui32]> tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[3234,f32]> tensor<[3234,f32]> tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[3234,1,f32]> tensor<[3234,1,f32]> tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[3,320,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 320 + d1, d2), memory_config: (30, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[45,ui32]> tensor<[45,ui32]> tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[5,ui32]> tensor<[5,ui32]> tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[8,2048,f32]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,ui32]> tensor<[1,ui32]> tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,f32]> tensor<[1,1024,f32]> tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1536,f32]> tensor<[1,1536,f32]> tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,768,f32]> tensor<[1,768,f32]> tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.subtract | tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 2, 1> | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.sum | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,25,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,50,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1370,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,6,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,24,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,28,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,32,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,3,1445,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3 + d1, d2), memory_config: (1, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,64,9,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,71,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 71 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[2,8,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[4,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[121,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (3267, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[121,6,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (23, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[16,8,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,201,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,45,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,12,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,197,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,16,5,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,1,16384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,1,19200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,27,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,2,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,2,4800,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 150, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,32,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,5,1200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 38, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,15,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,6,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,10,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,8,300,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[2,12,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[2,12,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[36,12,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1728 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[36,12,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (14, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[36,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (3888, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[36,24,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (27, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[484,6,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 144 + d2, d3), memory_config: (13068, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[484,6,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (91, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[4,16,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[4,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (864, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[4,48,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (6, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[64,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[64,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[64,4,49,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[8,100,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[8,100,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[8,920,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[9,24,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3456 + d1 * 144 + d2, d3), memory_config: (972, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[9,24,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 24 + d1, d2), memory_config: (7, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[9,48,144,144,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6912 + d1 * 144 + d2, d3), memory_config: (1944, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[9,48,144,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 48 + d1, d2), memory_config: (14, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,11,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,120,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 40 + d2, d3), memory_config: (150, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1392,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,13,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,13,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,14,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1536,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12288 + d1 * 8 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,15,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,15,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,1920,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,196,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,232,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,2520,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,3712,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,480,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 10 + d2, d3), memory_config: (150, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,480,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,480,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,480,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,480,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 20 + d2, d3), memory_config: (300, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,480,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,512,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 512 + d1, d2), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,672,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 10 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,672,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,672,20,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 20 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,672,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,672,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,696,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,72,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,72,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 40 + d2, d3), memory_config: (90, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,72,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,8,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[2,13,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,16,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,16,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[2,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[2,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1024,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1024,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 96, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1024,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 38, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1370,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1445,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,14,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,14,14,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,14,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1500,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16384,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16384,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16384,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,16,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,19200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,197,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,197,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,201,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 96, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,25,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,27,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,28,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,28,28,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 28 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,300,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32, 3 : i32] keep_dim: False | tensor<[1,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,4096,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 48, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,4096,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,4096,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,45,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,4800,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 150, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,56,56,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 56 + d1, d2), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,5,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,65536,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 65536 + d1, d2), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,65536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2048, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [1 : i32] keep_dim: False | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | dim_arg: [3 : i32] keep_dim: False | tensor<[1,7,7,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,8,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[1,9,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[2,7,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[4,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[4,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.sum | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | dim_arg: [2 : i32] keep_dim: False | tensor<[920,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.tanh
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.tanh | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,15,1024,bf16]> tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,15,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,1,1024,bf16]> tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,1,3072,bf16]> tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,1,4096,bf16]> tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,1,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,32,6144,bf16]> tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,32,6144,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,45,3072,bf16]> tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,45,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,5,4096,bf16]> tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,5,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,768,bf16]> tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,9,128,bf16]> tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,9,16384,bf16]> tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,16384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,9,4096,bf16]> tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.tanh | tensor<[1,9,8192,bf16]> tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 1, 1> | tensor<[1,9,8192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_device
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[6,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[11,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,11,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[12,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[13,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,13,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[14,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,14,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[15,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,15,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[16,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,16,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[17,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,17,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[18,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,18,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[19,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,19,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[20,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,20,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[21,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,21,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[22,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,22,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[23,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,23,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[24,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,24,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[25,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,25,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[26,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,26,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[27,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,27,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[28,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,28,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[29,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,29,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[32,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,32,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[5,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,5,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[6,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,6,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[7,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,7,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,8,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[9,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,9,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[32,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,32,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,672,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x21>>, | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,40,40,120,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x4>>, | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,40,40,40,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x2>>, | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x18>>, | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,2,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,2,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,3,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,3,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,160,160,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<800x1>>, | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,160,160,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<800x1>>, | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,160,160,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<800x2>>, | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,184,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x6>>, | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x3>>, | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,200,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x7>>, | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x3>>, | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x3>>, | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,240,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x8>>, | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,80,80,72,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<200x3>>, | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,5,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,2,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,2,2,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,2,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,2,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x18>>, | tensor<[1,2,2,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,2,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x2>>, | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,3,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,3,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,3,3,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,3,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,3,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x18>>, | tensor<[1,3,3,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,5,512,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x16>>, | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2048x6>>, | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,160,160,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<800x1>>, | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<512x6>>, | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,40,40,120,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x4>>, | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,40,40,240,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x8>>, | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x1>>, | tensor<[1,10,10,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,256,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x8>>, | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x15>>, | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x15>>, | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 18, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x18>>, | tensor<[1,10,10,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x3>>, | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,112,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x4>>, | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x15>>, | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,5,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,5,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,5,5,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,5,512,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x16>>, | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,5,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x18>>, | tensor<[1,5,5,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,80,80,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<200x2>>, | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,128,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,64,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x2>>, | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,80,80,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<200x1>>, | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,80,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x3>>, | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,112,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x4>>, | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x1>>, | tensor<[1,20,20,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,546,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 18, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x18>>, | tensor<[1,20,20,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 18, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,672,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x21>>, | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,672,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x21>>, | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,40,40,40,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x2>>, | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,80,80,24,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<200x1>>, | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,80,80,72,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<200x3>>, | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,40,40,72,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x3>>, | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,10,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x15>>, | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,184,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x6>>, | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,200,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x7>>, | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,20,480,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x15>>, | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x12>>, | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x13>>, | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2x1>>, | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x6>>, | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x32>>, | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2048,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2048, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x2048>>, | tensor<[1,2048,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2048, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x256>>, | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x12>>, | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x14>>, | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x9>>, | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,193,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 193, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x193>>, | tensor<[1,193,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 193, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x12>>, | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x14>>, | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x9>>, | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x256>>, | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x16>>, | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,25,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x25>>, | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x32>>, | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x15>>, | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[2,13,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 13, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2x13>>, | tensor<[2,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 13, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[2,7,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 7, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2x7>>, | tensor<[2,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 7, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,45,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 45, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x45>>, | tensor<[1,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 45, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x7>>, | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x6>>, | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x11>>, | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x12>>, | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x13>>, | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x14>>, | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x15>>, | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x6>>, | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x7>>, | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x9>>, | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x5>>, | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x7>>, | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x5>>, | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,12544,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12544x128>>, | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x128>>, | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x128>>, | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x128>>, | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x128>>, | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x128>>, | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,4096,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x128>>, | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x128>>, | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,784,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x16>>, | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x16>>, | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,5041,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (5041, 192, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5041x192>>, | tensor<[1,1,5041,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (5041, 192, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1225,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 192, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1225x192>>, | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x256>>, | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,49,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x256>>, | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1024,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x256>>, | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (256, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x256>>, | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,3136,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x256>>, | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x256>>, | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,784,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 320, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x320>>, | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 320, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x320>>, | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,12544,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12544x32>>, | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,3136,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x32>>, | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,65536,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (65536, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<65536x32>>, | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16384,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16384x32>>, | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1225,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 384, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1225x384>>, | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 384, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,289,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (289, 384, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<289x384>>, | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 4, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x4>>, | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,49,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 4, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x4>>, | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 4, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x512>>, | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x512>>, | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,784,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x512>>, | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x512>>, | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 640, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x640>>, | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,49,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 640, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x640>>, | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 640, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12544x64>>, | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x64>>, | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16384,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16384x64>>, | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x64>>, | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,21609,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (21609, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21609x64>>, | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,5329,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (5329, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5329x64>>, | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50176,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (50176, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50176x64>>, | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12544x64>>, | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,576,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (576, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<576x64>>, | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,144,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (144, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<144x64>>, | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,230400,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (230400, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<230400x64>>, | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,57600,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (57600, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<57600x64>>, | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x64>>, | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,784,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x64>>, | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,196,832,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 832, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x832>>, | tensor<[1,1,196,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 832, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,49,832,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 832, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x832>>, | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 832, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1024,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x32>>, | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1536,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x48>>, | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[256,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[2,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x102>>, | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3584,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x112>>, | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[4096,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x128>>, | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[51200,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1600>>, | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[512,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x16>>, | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[12,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[45,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x2>>, | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[5,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,132,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<17424x192>>, | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,132,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x6>>, | tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,126,132,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<520x6>>, | tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,6,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x6>>, | tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,126,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<520x6>>, | tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<17424x384>>, | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,126,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<520x12>>, | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x12>>, | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,126,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<520x12>>, | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,6,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x12>>, | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<17424x384>>, | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x12>>, | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,126,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<520x12>>, | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,6,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x12>>, | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,126,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<520x12>>, | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x512>>, | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x512>>, | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<576x1536>>, | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,18,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x48>>, | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5x48>>, | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,18,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x48>>, | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,6,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5x48>>, | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<576x1536>>, | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5x48>>, | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,18,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x48>>, | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,6,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5x48>>, | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,18,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x48>>, | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,264,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<69696x192>>, | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,258,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2129x6>>, | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x6>>, | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,264,258,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2129x6>>, | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,264,6,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x6>>, | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,264,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<69696x192>>, | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x6>>, | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,258,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2129x6>>, | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,264,6,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x6>>, | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,264,258,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2129x6>>, | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x256>>, | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x256>>, | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1296x1536>>, | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_device | tensor<[1,30,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x48>>, | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x48>>, | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,30,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x48>>, | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,6,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x48>>, | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1296x1536>>, | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x48>>, | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,30,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x48>>, | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,6,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x48>>, | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,30,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x48>>, | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1296x768>>, | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,30,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x24>>, | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x24>>, | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,30,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x24>>, | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,6,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x24>>, | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1296x768>>, | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x24>>, | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,30,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x24>>, | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,6,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x24>>, | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,30,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<34x24>>, | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x128>>, | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x128>>, | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5184x384>>, | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,66,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x12>>, | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x12>>, | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,66,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x12>>, | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,6,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x12>>, | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5184x384>>, | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x12>>, | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,66,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x12>>, | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,6,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x12>>, | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,66,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x12>>, | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5184x768>>, | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,66,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x24>>, | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x24>>, | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,66,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x24>>, | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,6,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x24>>, | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5184x768>>, | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x24>>, | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,66,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x24>>, | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,6,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x24>>, | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,66,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<149x24>>, | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,f32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x16>>, | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x50280>>, | tensor<[1,10,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x11>>, | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x16>>, | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x50280>>, | tensor<[1,11,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x12>>, | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x12>>, | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x16>>, | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x50280>>, | tensor<[1,12,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1370,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (1370, 1280, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1370x1280>>, | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (1370, 1280, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x13>>, | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x16>>, | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x50280>>, | tensor<[1,13,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x14>>, | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x16>>, | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x50280>>, | tensor<[1,14,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x15>>, | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x16>>, | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x50280>>, | tensor<[1,15,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x16>>, | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x16>>, | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,17,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x17>>, | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,18,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x18>>, | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,197,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<197x768>>, | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,19,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x19>>, | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,201,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (201, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<201x768>>, | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (201, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x20>>, | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,21,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x21>>, | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,22,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x22>>, | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,23,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x23>>, | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x24>>, | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,25,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x768>>, | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x2>>, | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,120,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<240x160>>, | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,120,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<240x160>>, | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,30,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<60x40>>, | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,30,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<60x40>>, | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,60,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<120x80>>, | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,60,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<120x80>>, | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<30720x16>>, | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<33792x16>>, | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36864x16>>, | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<39936x16>>, | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<43008x16>>, | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<46080x16>>, | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,6,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18432x16>>, | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,6,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18432x16>>, | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,6,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18432x16>>, | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,6,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18432x16>>, | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,6,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18432x16>>, | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,6,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18432x16>>, | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,7,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21504x16>>, | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,7,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21504x16>>, | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,7,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21504x16>>, | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,7,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21504x16>>, | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,7,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21504x16>>, | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,7,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21504x16>>, | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,7,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21504x16>>, | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,8,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24576x16>>, | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<27648x16>>, | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<96x1>>, | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,16,3,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1536x96>>, | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,16,3,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1536x96>>, | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,16,3,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1536x96>>, | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x3>>, | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,224,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<672x224>>, | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,224,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<672x224>>, | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,224,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<672x224>>, | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,45,50257,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (45, 50257, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<45x50257>>, | tensor<[1,45,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (45, 50257, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,50,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x50>>, | tensor<[1,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,50,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (50, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<50x768>>, | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (50, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x5>>, | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,51200,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 51200, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5x51200>>, | tensor<[1,5,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 51200, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,51200,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1600>>, | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x6>>, | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x16>>, | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x16>>, | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x16>>, | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x16>>, | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x16>>, | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x16>>, | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,50272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50272, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x50272>>, | tensor<[1,6,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50272, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x50280>>, | tensor<[1,6,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x7>>, | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x16>>, | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x50280>>, | tensor<[1,7,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x16>>, | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x50280>>, | tensor<[1,8,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x768>>, | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x9>>, | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x16>>, | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 50280, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x50280>>, | tensor<[1,9,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 50280, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,50280,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1572>>, | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x768>>, | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,121,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<627264x32>>, | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,121,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6534x1>>, | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,121,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<627264x32>>, | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,121,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6534x1>>, | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,121,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<627264x32>>, | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,121,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6534x1>>, | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,121,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<313632x32>>, | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,121,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3267x1>>, | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,121,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<313632x32>>, | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,121,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3267x1>>, | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,121,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<313632x32>>, | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,121,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3267x1>>, | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1370,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4110x1280>>, | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1370,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4110x1280>>, | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1370,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4110x1280>>, | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,16,8,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18816x32>>, | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,16,8,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18816x32>>, | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,16,8,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<18816x32>>, | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1,12,257,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9252x64>>, | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1,12,257,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9252x64>>, | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1,12,257,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9252x64>>, | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1,32,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4704x32>>, | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1,32,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4704x32>>, | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,1,32,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4704x32>>, | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,36,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<186624x32>>, | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1944x1>>, | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,36,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<186624x32>>, | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1944x1>>, | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,36,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<186624x32>>, | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,12,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1944x1>>, | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,36,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<373248x32>>, | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3888x1>>, | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,36,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<373248x32>>, | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3888x1>>, | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,36,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<373248x32>>, | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3888x1>>, | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,484,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1254528x32>>, | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,484,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13068x1>>, | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,484,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1254528x32>>, | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,484,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13068x1>>, | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,484,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1254528x32>>, | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,484,6,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13068x1>>, | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,4,16,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9408x32>>, | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,4,16,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9408x32>>, | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,4,16,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9408x32>>, | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,4,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<82944x32>>, | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<864x1>>, | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,4,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<82944x32>>, | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<864x1>>, | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,4,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<82944x32>>, | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<864x1>>, | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,64,4,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<37632x32>>, | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,64,4,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<37632x32>>, | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,64,4,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<37632x32>>, | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,9,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<93312x32>>, | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<972x1>>, | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,9,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<93312x32>>, | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<972x1>>, | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,9,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<93312x32>>, | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,24,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<972x1>>, | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,9,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<186624x32>>, | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1944x1>>, | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,9,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<186624x32>>, | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1944x1>>, | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,9,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<186624x32>>, | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,48,144,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1944x1>>, | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x1>>, | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x1>>, | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x1>>, | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x1>>, | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[6,1,100,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 4, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<600x4>>, | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 4, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[6,1,100,92,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 92, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<600x92>>, | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 92, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x1>>, | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,50,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 50, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x50>>, | tensor<[8,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 50, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[14,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x14>>, | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[14,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x14>>, | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[14,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x14>>, | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[16,2048,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x2048>>, | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,2048,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x64>>, | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[16,2048,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x2048>>, | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,2048,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x64>>, | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1024,5120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x5120>>, | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1024,5120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x5120>>, | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x10>>, | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x128>>, | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x128>>, | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,10,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<10x128>>, | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x11>>, | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x128>>, | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x128>>, | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,11,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<11x128>>, | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16384x192>>, | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x6>>, | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16384x192>>, | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_device | tensor<[1,64,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x6>>, | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16384x384>>, | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,128,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x12>>, | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16384x384>>, | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,128,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x12>>, | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,132,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16896x192>>, | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<512x6>>, | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16896x384>>, | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<512x12>>, | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32768x192>>, | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<512x6>>, | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32768x192>>, | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<512x6>>, | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x12>>, | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x128>>, | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x128>>, | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x128>>, | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,12,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<144x128>>, | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,12,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<144x128>>, | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 1536, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x1536>>, | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 1536, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,1,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x128>>, | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,12,1,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x128>>, | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,132,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<17424x192>>, | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,132,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<528x6>>, | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,132,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<17424x384>>, | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,132,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<528x12>>, | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x13>>, | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x128>>, | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x128>>, | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,13,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<13x128>>, | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1445,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (1445, 192, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1445x192>>, | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (1445, 192, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x14>>, | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x128>>, | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x128>>, | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x128>>, | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x512>>, | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<196x512>>, | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<392x256>>, | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<392x256>>, | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x2>>, | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,14,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<14x2>>, | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x15>>, | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x128>>, | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x128>>, | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,15,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<15x128>>, | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x16>>, | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<384x1536>>, | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,16,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x48>>, | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<512x768>>, | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,16,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x24>>, | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<512x768>>, | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,16,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x24>>, | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,17,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x17>>, | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,185,28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5180x28>>, | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,185,28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5180x28>>, | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,18,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x18>>, | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,197,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 1024, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<197x1024>>, | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 1024, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,197,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<197x768>>, | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,19,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x19>>, | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x32>>, | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x32>>, | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x64>>, | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x64>>, | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x32>>, | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x32>>, | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,4,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x768>>, | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,4,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x768>>, | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,4,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x768>>, | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,7,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x64>>, | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,7,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x64>>, | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,20,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x20>>, | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,21,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x21>>, | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,22,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x22>>, | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,23,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x23>>, | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x24>>, | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<576x1536>>, | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,24,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12x48>>, | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<768x128>>, | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,24,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<768x128>>, | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,10240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x10240>>, | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,10240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x10240>>, | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<65536x192>>, | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x6>>, | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<65536x192>>, | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,128,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x6>>, | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<67584x192>>, | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,256,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2048x6>>, | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x2>>, | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x2>>, | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,25,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x25>>, | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,25,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x2>>, | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,25,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<25x2>>, | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,264,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<69696x192>>, | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,256,264,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (2112, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2112x6>>, | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (2112, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,26,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 26, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x26>>, | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 26, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,27,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 27, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x27>>, | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 27, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 28, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x28>>, | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 28, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,13,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<364x128>>, | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,13,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<364x128>>, | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x256>>, | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<784x256>>, | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1568x128>>, | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,28,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1568x128>>, | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,29,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 29, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x29>>, | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 29, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x2>>, | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,12,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24x128>>, | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,12,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<24x128>>, | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,1,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2x128>>, | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,2,1,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2x128>>, | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,10,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x10>>, | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,11,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x11>>, | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x12>>, | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,13,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x13>>, | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x14>>, | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,15,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x15>>, | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 16, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x16>>, | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 16, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,17,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 17, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x17>>, | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 17, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 18, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x18>>, | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 18, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3072,9,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x9>>, | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x128>>, | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x128>>, | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x768>>, | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x24>>, | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1024x768>>, | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,16,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<16x24>>, | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1152x1536>>, | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32x48>>, | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1152x768>>, | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32x24>>, | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2048x384>>, | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32x12>>, | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2048x384>>, | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32x12>>, | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2048x768>>, | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32x24>>, | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<2048x768>>, | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,32,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<32x24>>, | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1296x1536>>, | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,36,1536,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 48, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36x48>>, | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,36,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1296x768>>, | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,36,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<36x24>>, | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x3>>, | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,16,16,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<768x85>>, | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,16,16,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<768x85>>, | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,16,16,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<768x85>>, | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,32,32,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x85>>, | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,32,32,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x85>>, | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,32,32,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3072x85>>, | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,64,64,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12288x85>>, | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,64,64,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12288x85>>, | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,3,64,64,85,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<12288x85>>, | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4096,2560,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x2560>>, | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4096,2560,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x2560>>, | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,46,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 46, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x46>>, | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 46, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,47,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 47, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x47>>, | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 47, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,48,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x48>>, | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,49,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 49, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x49>>, | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 49, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x4>>, | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4,13,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<52x128>>, | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,4,13,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<52x128>>, | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,50,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x50>>, | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,51,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 51, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x51>>, | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 51, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,52,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 52, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x52>>, | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 52, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,53,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 53, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x53>>, | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 53, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,54,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 54, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x54>>, | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 54, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,55,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 55, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x55>>, | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 55, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,56,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 56, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x56>>, | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 56, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x128>>, | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3136x128>>, | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,57,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 57, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x57>>, | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 57, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,58,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 58, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x58>>, | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 58, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,59,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 59, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x59>>, | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 59, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x5>>, | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<80x32>>, | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<80x32>>, | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,16,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<80x64>>, | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,16,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<80x64>>, | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5x32>>, | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,32,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5x32>>, | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,16,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,4,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<20x768>>, | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,4,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<20x768>>, | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,5,4,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<20x768>>, | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,60,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x60>>, | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,10,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x10>>, | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,10,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x10>>, | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,11,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x11>>, | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,11,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x11>>, | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x12>>, | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x12>>, | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,13,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x13>>, | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,13,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x13>>, | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x14>>, | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x14>>, | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,15,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x15>>, | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,15,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x15>>, | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,6,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x6>>, | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,6,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x6>>, | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x7>>, | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x7>>, | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x8>>, | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x8>>, | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,9,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x9>>, | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6144,9,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6144x9>>, | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,61,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 61, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x61>>, | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 61, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,62,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 62, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x62>>, | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 62, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,63,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 63, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x63>>, | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 63, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x64>>, | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,10240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<64x10240>>, | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,10240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<64x10240>>, | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8192x192>>, | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<128x6>>, | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,128,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8192x192>>, | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,192,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<128x6>>, | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,128,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8192x384>>, | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<128x12>>, | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,128,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8192x384>>, | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<128x12>>, | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x384>>, | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<64x12>>, | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x384>>, | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<64x12>>, | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x768>>, | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<64x24>>, | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4096x768>>, | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,32,64,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<64x24>>, | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4608x384>>, | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<128x12>>, | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4608x768>>, | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,64,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<128x24>>, | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,65,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 65, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x65>>, | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 65, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,66,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 66, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x66>>, | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 66, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,67,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 67, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x67>>, | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 67, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,68,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 68, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x68>>, | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 68, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,69,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 69, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x69>>, | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 69, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x6>>, | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x128>>, | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x128>>, | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,6,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<6x128>>, | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,70,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 70, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x70>>, | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 70, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,71,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 71, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x71>>, | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 71, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,71,7,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<497x64>>, | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,71,7,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<497x64>>, | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x72>>, | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5184x384>>, | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,72,384,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 12, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<144x12>>, | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,72,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<5184x768>>, | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,64,72,768,f32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 24, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<144x24>>, | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,73,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 73, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x73>>, | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 73, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,74,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 74, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x74>>, | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 74, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,75,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 75, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x75>>, | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 75, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,76,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 76, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x76>>, | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 76, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,77,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 77, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x77>>, | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 77, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,78,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 78, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x78>>, | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 78, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,79,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x79>>, | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x7>>, | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x128>>, | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x128>>, | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x128>>, | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<98x512>>, | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<98x512>>, | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,2304,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x2304>>, | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,2304,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x2304>>, | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,2304,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x2304>>, | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,7,73,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (511, 64, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<511x64>>, | tensor<[1,7,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (511, 64, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,80,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 80, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x80>>, | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 80, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,81,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 81, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x81>>, | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 81, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,82,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 82, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x82>>, | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 82, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,83,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 83, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x83>>, | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 83, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,84,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 84, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x84>>, | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 84, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,85,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 85, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x85>>, | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 85, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,86,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 86, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x86>>, | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 86, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,87,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 87, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x87>>, | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 87, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,88,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 88, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x88>>, | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 88, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,89,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 89, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x89>>, | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 89, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x8>>, | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x128>>, | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x128>>, | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x128>>, | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x128>>, | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,8,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<256x128>>, | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,90,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 90, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x90>>, | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 90, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,91,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 91, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x91>>, | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 91, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,92,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 92, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x92>>, | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 92, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,93,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 93, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x93>>, | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 93, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,94,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 94, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x94>>, | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 94, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,95,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 95, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x95>>, | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 95, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,96,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x96>>, | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,97,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 97, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x97>>, | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 97, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,98,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x98>>, | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,99,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 99, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x99>>, | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 99, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x9>>, | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x128>>, | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x128>>, | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,9,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<9x128>>, | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[21,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21x28>>, | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[21,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21x28>>, | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[21,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<21x28>>, | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<28x28>>, | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<28x28>>, | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<28x28>>, | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,2,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,2,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,4,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3234x4>>, | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'dram') | nan | nan |
ttnn.to_device | tensor<[3234,1,f32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<102x1>>, | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x14>>, | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x14>>, | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x14>>, | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x28>>, | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x28>>, | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x28>>, | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x56>>, | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x56>>, | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[3,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<3x56>>, | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[45,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x45>>, | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[49,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x56>>, | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[49,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x56>>, | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[49,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<49x56>>, | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x14>>, | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x14>>, | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x14>>, | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x28>>, | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x28>>, | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x28>>, | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x56>>, | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x56>>, | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[4,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<4x56>>, | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[56,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<56x56>>, | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[56,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<56x56>>, | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[56,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<56x56>>, | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[5,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x5>>, | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[7,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x14>>, | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[7,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x14>>, | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[7,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<7x14>>, | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,2,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'ui32', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<8x2>>, | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'ui32', 'dram') | nan | nan |
ttnn.to_device | tensor<[8,1,ui32]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[12,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[45,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x2>>, | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[5,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[5,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,1,1,5,ui32]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_device | tensor<[1,ui32]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | memory_config: #ttnn.memory_config<#dram, <<1x1>>, | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.to_layout
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 11, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[11,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 12, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 13, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[13,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 13, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 14, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[14,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 14, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 15, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[15,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[16,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 17, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[17,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 17, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 18, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[18,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 19, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[19,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 19, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[20,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 21, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[21,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 22, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[22,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 23, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[23,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 23, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[24,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 25, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[25,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 25, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 26, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[26,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 26, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 27, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[27,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 27, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 28, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[28,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 28, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 29, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[29,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 29, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[6,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 7, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[7,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[8,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 9, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[9,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 9, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[32,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,23,40,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,45,80,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,45,80,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,45,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[256,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[256,1024,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,512,1,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,512,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,462,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 462, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,462,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,34,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,720,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,46,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,1248,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,1248,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,208,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,352,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 352, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,352,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,40,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,40,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,160,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,90,160,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 546, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,19,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,38,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,30,40,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 128, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,2,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,20,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,40,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,40,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,80,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,80,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,90,160,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,90,160,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 2520, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,816,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 3712, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,174,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,348,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 68, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 288, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,95,95,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,95,95,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,30,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,33,33,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,60,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,60,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,30,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,30,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,65,65,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,65,65,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,33,33,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,33,33,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 18, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,95,95,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1536, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1536,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,73,73,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,1632,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,1632,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,448,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 448, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,120,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,120,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,130,130,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,130,130,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 48, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 64, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,160,160,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,46,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 46, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,896,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 896, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,896,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 28, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,35,35,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,35,35,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,48,48,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,35,35,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1152, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1152,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1152, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1152,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 36, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,95,95,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,95,95,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,95,95,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,48,48,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,48,48,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,26,26,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (676, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,26,26,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 676 + d1 * 26 + d2, d3), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,20,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,20,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,23,40,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,23,40,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,23,40,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,1248,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1248, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,1248,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 39, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,78,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 78, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 696, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 80, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_layout | tensor<[1,14,14,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,30,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,30,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 240, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,190,190,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,190,190,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,60,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,60,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,65,65,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,65,65,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2520,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2520, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2520,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 79, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 256, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,5,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,160,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,150,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 150, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,180,320,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,180,320,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,90,160,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,90,160,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,180,320,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,2,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,2,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 256, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,2,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,2,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 546, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,2,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (4, 64, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,2,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 2 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 128, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3,3,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3,3,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 256, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3,3,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 546, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3,3,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,45,80,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,45,80,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1024,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1024,256,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 + d2, d3), memory_config: (262144, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,512,1,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (512, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,512,1,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 + d2, d3), memory_config: (16, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 18, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 255, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,45,80,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,45,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,1632,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1632, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,1632,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 51, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,34,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,88,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,33,33,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,33,33,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 48, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,33,33,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 288, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 48, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 288, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,134,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 134, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,134,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,116,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (13, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,13,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (14, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (15, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (16, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,17,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (17, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,18,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (18, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,18,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (9, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (10, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (11, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,11,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (384, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,1,4,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (12288, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 58, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,20,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,20,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,20,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,20,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,40,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,120,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,120,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,120,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,160,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,160,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,130,130,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,130,130,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,130,130,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,147,147,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,147,147,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,147,147,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (21609, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,147,147,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 147 + d2, d3), memory_config: (676, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,190,190,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,190,190,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,190,190,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,40,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,40,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,80,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,80,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,95,95,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (9025, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,95,95,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9025 + d1 * 95 + d2, d3), memory_config: (283, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,48,48,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,48,48,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,48,48,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3712, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,68,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 68, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,98,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 98, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 18, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,348,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 348, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,348,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,3712,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 3712, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,3712,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 116, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,35,35,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,35,35,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,35,35,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,35,35,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,35,35,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,448,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 448, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,448,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 14, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,120,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (14400, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,120,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 120 + d2, d3), memory_config: (450, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,130,130,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (16900, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,130,130,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16900 + d1 * 130 + d2, d3), memory_config: (529, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,149,149,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (22201, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,149,149,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22201 + d1 * 149 + d2, d3), memory_config: (694, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (25600, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,160,160,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25600 + d1 * 160 + d2, d3), memory_config: (800, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,32,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,32,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,190,190,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (36100, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,190,190,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36100 + d1 * 190 + d2, d3), memory_config: (1129, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (192, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,16,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,160,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,160,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,512,512,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (262144, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,512,512,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 262144 + d1 * 512 + d2, d3), memory_config: (8192, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,42,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (1344, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,42,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 42 + d2, d3), memory_config: (42, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,37,37,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (1369, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,37,37,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1369 + d1 * 37 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,360,640,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (230400, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,360,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 640 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,60,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,30,30,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (900, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,30,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 30 + d2, d3), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 120, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,40,40,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 240, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,40,40,240,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,116,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 116, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,116,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,168,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 168, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 256, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 546, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 18, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 48, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,33,33,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (1089, 288, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,33,33,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1089 + d1 * 33 + d2, d3), memory_config: (35, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,288,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 288, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,288,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,20,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 255, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,1000,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1000, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,1000,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,23,40,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,23,40,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,23,40,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,19,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 19, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,38,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 38, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,255,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 255, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,255,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,23,40,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (920, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,23,40,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 920 + d1 * 40 + d2, d3), memory_config: (29, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 128, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,5,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,5,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,5,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 512, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,5,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 16, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,5,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (25, 546, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,5,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 5 + d2, d3), memory_config: (1, 18, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,60,80,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,80,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,2048,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 2048, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,45,80,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (3600, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,45,80,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 80 + d2, d3), memory_config: (113, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,90,160,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,90,160,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,90,160,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (14400, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,90,160,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 160 + d2, d3), memory_config: (450, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,528,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,528,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,88,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 88, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,196,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 196, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,196,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,48,48,336,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (2304, 336, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,48,48,336,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 48 + d2, d3), memory_config: (72, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 576, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,136,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 696, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,60,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 60, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,80,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,80,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,120,160,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (19200, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,120,160,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 160 + d2, d3), memory_config: (600, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,20,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (300, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,73,73,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,73,73,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,75,75,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (5625, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,75,75,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5625 + d1 * 75 + d2, d3), memory_config: (176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,150,150,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (22500, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,150,150,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22500 + d1 * 150 + d2, d3), memory_config: (704, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 64, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,80,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,180,320,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,180,320,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,180,320,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,180,320,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,180,320,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 128, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,224,224,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (50176, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,224,224,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 224 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,256,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,30,40,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (1200, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,30,40,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 40 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,35,35,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,480,640,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,480,640,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,480,640,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (307200, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,480,640,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 307200 + d1 * 640 + d2, d3), memory_config: (9600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,80,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (4800, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,80,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 80 + d2, d3), memory_config: (150, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,73,73,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,73,73,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,73,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,71,71,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (5041, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,71,71,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 71 + d2, d3), memory_config: (158, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 80, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,168,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 168, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,168,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 112, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 4, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 546, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,546,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 18, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 672, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 21, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 672, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,672,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 21, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1344, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1344,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1344, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1344,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 42, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,672,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 672, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,672,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 21, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,8,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (64, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,8,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 64 + d1 * 8 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,174,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 174, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,174,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,58,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 58, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,1392,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 1392, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,1392,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 44, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,696,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 696, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,696,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 22, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,720,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 720, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,720,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 720, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,720,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,9,208,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (81, 208, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,9,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 81 + d1 * 9 + d2, d3), memory_config: (3, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,38,38,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (1444, 728, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,38,38,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1444 + d1 * 38 + d2, d3), memory_config: (46, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,728,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 728, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,728,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 23, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,144,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 144, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,144,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,18,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 18, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,36,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 36, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,36,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 40, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,40,40,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 12, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,72,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 72, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 24, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,80,80,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (6400, 72, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,80,80,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6400 + d1 * 80 + d2, d3), memory_config: (200, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (1600, 72, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,40,40,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1600 + d1 * 40 + d2, d3), memory_config: (50, 3, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,334,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 334, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,334,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 11, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,257,1,27,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 27, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,257,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,257,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (257, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,257,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 257 + d1 + d2, d3), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[768,768,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 3 + d2, d3), memory_config: (55296, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[768,768,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2304 + d1 * 3 + d2, d3), memory_config: (1769472, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1500,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (1500, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1500,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1500 + d1 + d2, d3), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3072,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3072,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,1,3072,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 3072, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,1,3072,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[768,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (4608, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[768,192,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 + d2, d3), memory_config: (147456, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (18432, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[768,768,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 + d2, d3), memory_config: (589824, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (8, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,34,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 34, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,34,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 272, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 480, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,10,10,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 15, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,100,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 100, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,100,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,112,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 112, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 184, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_layout | tensor<[1,14,14,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 200, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,92,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,15,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (225, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,15,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 225 + d1 * 15 + d2, d3), memory_config: (8, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 184, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,184,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 200, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,200,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 7, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (400, 480, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,20,20,480,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 20 + d2, d3), memory_config: (13, 15, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[768,80,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 3 + d2, d3), memory_config: (5760, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[768,80,3,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 3 + d2, d3), memory_config: (184320, 1, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3000,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (3000, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3000,1,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3000 + d1 + d2, d3), memory_config: (94, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,184,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 184, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,184,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,200,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 200, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,200,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,480,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 480, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,480,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 15, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,136,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 136, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,136,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,816,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 816, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,10,816,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (100, 816, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,10,816,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 10 + d2, d3), memory_config: (4, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,48,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 48, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,17,17,528,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (289, 528, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,17,17,528,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 17, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,112,112,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (12544, 8, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,112,112,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,232,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 232, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,232,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,92,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 92, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 272, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,272,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,240,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 240, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1,240,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,24,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,3,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (9, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,3,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 3 + d2, d3), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,64,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,960,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 960, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,960,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 30, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,60,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,60,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,65,65,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,65,65,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,208,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 208, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,208,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 576, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,19,576,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (361, 576, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,19,19,576,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 361 + d1 * 19 + d2, d3), memory_config: (12, 18, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,35,35,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (1225, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,35,35,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,56,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,60,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (3600, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,60,60,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 60 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,65,65,24,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (4225, 24, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,65,65,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4225 + d1 * 65 + d2, d3), memory_config: (133, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,20,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 20, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[2,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2048,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2048,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2048, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,193,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,193,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 193, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[2,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[2,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 13, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[2,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[2,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 7, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,45,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 45, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,bf16]> !tt.device<#device> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,12544,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,196,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,3136,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,784,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,4096,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1024,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1024,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,784,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,196,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,5041,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (158, 6, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,5041,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5041 + d1 * 5041 + d2, d3), memory_config: (5041, 192, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 35 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 192, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1225,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1225,192,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,49,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (32, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 1024 + d2, d3), memory_config: (1024, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (256, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,256,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (256, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,3136,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,784,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 10, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,784,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 320, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 320, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,320,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 320, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,196,320,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,12544,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,3136,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (2048, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,65536,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 65536 + d2, d3), memory_config: (65536, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16384,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16384,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (39, 12, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,1225,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1225 + d1 * 1225 + d2, d3), memory_config: (1225, 384, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 17 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (289, 384, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,289,384,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (289, 384, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,289,384,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 289 + d1 * 289 + d2, d3), memory_config: (10, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 4, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 4, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,49,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,49,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,784,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,196,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 20, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 640, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 640, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,640,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 640, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,49,640,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,16384,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (16384, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,4096,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (4096, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,4096,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 4096 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (676, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,21609,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21609 + d1 * 21609 + d2, d3), memory_config: (21609, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 73 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (5329, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,5329,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (5329, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,5329,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5329 + d1 * 5329 + d2, d3), memory_config: (167, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (1568, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,50176,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 50176 + d1 * 50176 + d2, d3), memory_config: (50176, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 112 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,12544,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (12544, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,12544,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 12544 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,576,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 576 + d2, d3), memory_config: (576, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (144, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,144,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,144,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 144 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (7200, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,230400,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 230400 + d1 * 230400 + d2, d3), memory_config: (230400, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 320 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (57600, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,57600,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (57600, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,57600,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 57600 + d1 * 57600 + d2, d3), memory_config: (1800, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,3136,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 3136 + d2, d3), memory_config: (3136, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,784,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (784, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,784,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 784 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,196,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (7, 26, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,196,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 196 + d2, d3), memory_config: (196, 832, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 832, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,49,832,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (49, 832, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,49,832,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 49 + d2, d3), memory_config: (2, 26, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1024, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 256, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3234, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 102, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 3584, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4096, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 51200, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 512, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,126,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,132,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,132,126,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 132 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,126,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 132 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (792, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,132,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 6 + d2, d3), memory_config: (25, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (16632, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,132,126,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16632 + d1 * 126 + d2, d3), memory_config: (520, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,11,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,3,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 14 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,11,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 14 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,3,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (42, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,3,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 42 + d1 * 3 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,11,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (154, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,11,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 154 + d1 * 11 + d2, d3), memory_config: (5, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 24 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,18,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 24 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (144, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,24,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 6 + d2, d3), memory_config: (5, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (432, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,24,18,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 18 + d2, d3), memory_config: (14, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 264 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,258,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 264 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (1584, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,264,6,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 6 + d2, d3), memory_config: (50, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (68112, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,264,258,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 68112 + d1 * 258 + d2, d3), memory_config: (2129, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,25,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,25,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,3,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 28 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,25,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,25,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 28 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,3,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (84, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,3,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 3 + d2, d3), memory_config: (3, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,25,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (700, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,25,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 700 + d1 * 25 + d2, d3), memory_config: (22, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,30,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,6,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,30,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 36 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,30,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 36 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (216, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 6 + d2, d3), memory_config: (7, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (1080, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,30,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 30 + d2, d3), memory_config: (34, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,53,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,53,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,3,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 56 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,53,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,53,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 56 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,3,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (168, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,3,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 3 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,53,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (2968, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,56,53,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2968 + d1 * 53 + d2, d3), memory_config: (93, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,66,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,6,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,66,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,6,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 72 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,66,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 72 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (432, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,6,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 6 + d2, d3), memory_config: (14, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (4752, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,72,66,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 66 + d2, d3), memory_config: (149, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (1370, 1280, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (201, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,120,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (8, 5, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 120 + d2, d3), memory_config: (240, 160, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,120,160,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (120, 160, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 120 + d2, d3), memory_config: (4, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,30,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 30 + d2, d3), memory_config: (60, 40, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,30,40,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (30, 40, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30 + d1 * 30 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,60,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 60 + d2, d3), memory_config: (120, 80, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,60,80,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (60, 80, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 60 + d1 * 60 + d2, d3), memory_config: (2, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (30720, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (33792, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (36864, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (39936, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (43008, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (46080, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (18432, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (21504, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (24576, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (27648, 16, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (3072, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,3072,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,16,1,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,16,1,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (48, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,16,3,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1536 + d1 * 48 + d2 * 3 + d3, d4), memory_config: (1536, 96, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,16,1,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (512, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,16,1,96,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 512 + d1 * 16 + d2 + d3, d4), memory_config: (16, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,224,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,224,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (672, 224, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,224,224,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (224, 224, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 224 + d2, d3), memory_config: (7, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,45,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 1571, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,45,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (45, 50257, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50257,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50257, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,50257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (50, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 51200, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 51200, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50272, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50272,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50272, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,50272,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 50280, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 50280, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (19602, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (627264, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (209088, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,121,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 209088 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (6534, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (9801, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (313632, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (104544, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,121,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 104544 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (3267, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1370,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1370,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (129, 40, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (4110, 1280, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1370,1,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (1370, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1370,1,1280,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1370 + d1 + d2, d3), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,8,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,8,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (588, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (18816, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,8,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (6272, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,16,8,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 6272 + d1 * 392 + d2 * 49 + d3, d4), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,12,257,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,12,257,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (290, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (9252, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,12,257,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (3084, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,12,257,64,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3084 + d1 * 3084 + d2 * 257 + d3, d4), memory_config: (97, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,32,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,32,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (147, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (4704, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,32,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (1568, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,32,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 1568 + d1 * 1568 + d2 * 49 + d3, d4), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,12,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 1728 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (11664, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (373248, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (124416, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,36,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 124416 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (3888, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (39204, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (1254528, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (418176, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,484,6,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 418176 + d1 * 864 + d2 * 144 + d3, d4), memory_config: (13068, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,16,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,16,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (294, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (9408, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,16,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (3136, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,4,16,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3136 + d1 * 784 + d2 * 49 + d3, d4), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (2592, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (82944, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (27648, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,4,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 27648 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (864, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,4,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,4,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (1176, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (37632, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,4,49,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (12544, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,4,49,32,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12544 + d1 * 196 + d2 * 49 + d3, d4), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (2916, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (93312, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (31104, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,9,24,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 31104 + d1 * 3456 + d2 * 144 + d3, d4), memory_config: (972, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (5832, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (186624, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (62208, 32, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,9,48,144,32,f32]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 62208 + d1 * 6912 + d2 * 144 + d3, d4), memory_config: (1944, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (8, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (2, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,2,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[6,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 4, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,100,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,100,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (19, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[6,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (600, 92, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,100,92,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (100, 92, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,100,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 100 + d1 * 100 + d2, d3), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[8,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[8,50,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 50, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[8,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (14, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[7,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[16,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (16, 2048, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2048, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 160, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1024,2560,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 160, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1024,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 5120, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1024,2560,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (1024, 2560, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1024,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 10, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,10,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,10,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (10, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,10,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 11, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_layout | tensor<[1,11,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,11,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,11,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,11,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (11, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,11,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (16384, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 12, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,12,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (144, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (12, 1536, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1536,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1536, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,1,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,12,1,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (12, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,132,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,132,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (545, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,132,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17424 + d1 * 132 + d2, d3), memory_config: (17424, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (16896, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,132,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16896 + d1 * 132 + d2, d3), memory_config: (528, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 13, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,13,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,13,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (13, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,13,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (1445, 192, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,100,192,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (100, 192, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,100,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 14, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,14,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,14,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (196, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,14,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,14,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 2, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (14, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 15, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,15,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,15,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (15, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,15,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,16,16,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (256, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,16,16,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 17, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,57,28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1596 + d1 * 28 + d2, d3), memory_config: (1596, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,57,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1596 + d1 * 28 + d2, d3), memory_config: (50, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (162, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,185,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5180 + d1 * 28 + d2, d3), memory_config: (5180, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,28,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (3584, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 18, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 1024, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,196,1024,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 1024, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,196,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (197, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,196,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (196, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 19, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (16, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,4,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,4,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,4,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (4, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,7,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,7,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (7, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,1,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 20, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 21, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 22, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 23, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (18, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,24,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 24 + d2, d3), memory_config: (576, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (384, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,16,24,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,32,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,24,32,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (768, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,24,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 320, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,5120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 320, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 10240, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,5120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 5120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (32768, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,128,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 256 + d2, d3), memory_config: (1024, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (2112, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (65536, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,256,256,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 65536 + d1 * 256 + d2, d3), memory_config: (2048, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,256,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 2, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (256, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,256,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,25,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,25,2,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 2, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,25,1,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (25, 1, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,25,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (2178, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,264,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 69696 + d1 * 264 + d2, d3), memory_config: (69696, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (67584, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,256,264,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 67584 + d1 * 264 + d2, d3), memory_config: (2112, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 26, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 27, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 28, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,13,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,13,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (364, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 256, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,14,28,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (392, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,14,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 28 + d2, d3), memory_config: (13, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,28,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (784, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 29, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,12,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,12,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (24, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,2,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 * 12 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,2,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,2,1,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (2, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,2,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 16, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,17,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 17, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,18,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 18, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,32,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (512, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,16,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,32,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,32,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (1024, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,32,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 48, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,36,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 1536, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 1536, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,36,1536,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 48, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (41, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,36,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1296 + d1 * 36 + d2, d3), memory_config: (1296, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (1152, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,36,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 36 + d2, d3), memory_config: (36, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,16,16,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,16,16,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,16,16,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,16,16,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,16,16,81,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (768, 81, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,16,16,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 768 + d1 * 256 + d2 * 16 + d3, d4), memory_config: (24, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,32,32,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,32,32,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,32,32,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,32,32,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,32,32,81,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (3072, 81, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,32,32,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 3072 + d1 * 1024 + d2 * 32 + d3, d4), memory_config: (96, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,64,64,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,64,64,2,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 2, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,64,64,2,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,3,64,64,85,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 85, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3,64,64,81,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (12288, 81, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3,64,64,81,bf16]> | mapping_from: (d0, d1, d2, d3, d4), mapping_to: (d0 * 12288 + d1 * 4096 + d2 * 64 + d3, d4), memory_config: (384, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 80, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4096,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 80, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,4096,2560,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 2560, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4096,1280,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (4096, 1280, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,46,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 46, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,47,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 47, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,48,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,49,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 49, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,4,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,13,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,4,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,4,13,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (52, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,4,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 52 + d1 * 13 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,50,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 50, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,51,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 51, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,52,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 52, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,53,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 53, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,54,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 54, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,55,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 55, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 56, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (3136, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,28,56,128,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (1568, 128, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,28,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 56 + d2, d3), memory_config: (49, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,57,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 57, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,58,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 58, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,59,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 59, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,5,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (80, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 32, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (5, 16, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,5,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,4,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,4,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 24, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,5,4,768,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 768, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,5,4,256,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (20, 256, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,5,4,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 * 4 + d2, d3), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,60,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 10, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,10,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 10, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 11, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,11,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 11, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 12, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,12,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 12, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 13, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,13,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 13, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,14,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 14, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 15, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,15,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 15, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 6, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,6,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 6, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 7, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 7, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 8, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,8,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 8, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (192, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6144,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6144 + d1, d2), memory_config: (6144, 9, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,3072,9,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (3072, 9, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,3072,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,61,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 61, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,62,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 62, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,63,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 63, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 320, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,5120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 320, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,10240,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 10240, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,5120,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (64, 5120, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 6, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,128,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 192, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 192, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,64,192,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 6, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,128,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (8192, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (2048, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,32,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 64 + d2, d3), memory_config: (64, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,64,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (4096, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,64,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,65,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 65, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,66,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 66, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,67,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 67, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,68,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 68, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,69,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 69, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 6, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,6,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,6,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,6,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (6, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,6,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,70,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 70, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,71,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 71, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,71,7,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,71,7,32,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (497, 32, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,71,7,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,72,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 12, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,72,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 384, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 384, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,72,384,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 12, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (162, 24, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,72,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5184 + d1 * 72 + d2, d3), memory_config: (5184, 768, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (4608, 768, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[1,64,72,768,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4608 + d1 * 72 + d2, d3), memory_config: (144, 24, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,73,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 73, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,74,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 74, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,75,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 75, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,76,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 76, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,77,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 77, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,78,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 78, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,79,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (4, 16, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 98 + d1 * 14 + d2, d3), memory_config: (98, 512, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,7,512,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (49, 512, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,7,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 72, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,2304,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 2304, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,768,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (7, 768, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,7,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,7,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 511 + d1 * 73 + d2, d3), memory_config: (511, 64, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,7,71,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (497, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,7,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 71 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,80,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 80, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,81,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 81, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,82,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 82, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,83,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 83, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,84,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 84, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,85,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 85, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,86,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 86, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,87,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 87, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,88,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 88, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,89,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 89, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (8, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,32,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,8,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,8,32,64,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (256, 64, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,8,32,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 32 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,90,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 90, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,91,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 91, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,92,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 92, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,93,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 93, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,94,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 94, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,95,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 95, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 3, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,96,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,97,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 97, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,98,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,99,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 99, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 9, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,96,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 96, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,96,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 128, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,9,16,bf16]> !tt.device<#device> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (9, 16, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[1,9,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[21,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[21,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[21,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[21,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[21,21,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 21, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[21,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (28, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[21,28,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (21, 28, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 2, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3234,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 4, 'f32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3234, 1, 'f32', 'system_memory') | layout: #ttnn.layout | tensor<[3234,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (102, 1, 'tile<32x32, f32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 7, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,21,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 21, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,49,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 49, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[49,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[49,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[49,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[49,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[49,49,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 49, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[49,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 7, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 28, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,21,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 21, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,21,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,49,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 49, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,49,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[3,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (3, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[4,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (56, 56, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[49,56,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (49, 56, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[7,3,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 3, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[7,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[7,4,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 4, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[7,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 14, 'bf16', 'system_memory') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.to_layout | tensor<[7,7,bf16]> !tt.device<#device> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 7, 'bf16', 'dram') | layout: #ttnn.layout | tensor<[7,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.to_layout | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | layout: #ttnn.layout<row_major> | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'ui32', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 12, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[12,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 45, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[45,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[5,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 5, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.to_layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'ui32', 'system_memory') | layout: #ttnn.layout | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'system_memory') | nan | nan |
ttnn.typecast
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.typecast | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,8,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,8,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 392 + d1 * 49 + d2, d3), memory_config: (196, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,201,201,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,201,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2412 + d1 * 201 + d2, d3), memory_config: (76, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,257,257,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,257,257,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3084 + d1 * 257 + d2, d3), memory_config: (97, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 8 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,197,197,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3152 + d1 * 197 + d2, d3), memory_config: (99, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,16384,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,16384,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16384 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,19200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,19200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 19200 + d2, d3), memory_config: (600, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,27,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,27,257,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,27,257,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 9, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2,4096,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2,4096,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 4096 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2,4800,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2,4800,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 4800 + d2, d3), memory_config: (300, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 49 + d2, d3), memory_config: (49, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1024,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1024,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5120 + d1 * 1024 + d2, d3), memory_config: (160, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1200,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1200,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6000 + d1 * 1200 + d2, d3), memory_config: (188, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,2048,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,2048,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 2048 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,256,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,256,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,300,300,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,300,300,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 300 + d2, d3), memory_config: (75, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4,16,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4,16,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 49 + d2, d3), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,4,49,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,4,49,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 49 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[8,100,100,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[8,100,100,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[8,100,100,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[8,100,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[8,100,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 100 + d1, d2), memory_config: (25, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[8,920,920,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[8,920,920,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 920 + d1, d2), memory_config: (230, 29, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[640,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1056,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1056,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1056,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (33, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1088,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1088,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1088,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (34, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[112,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[112,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[112,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[112,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[112,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1152,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1152,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1152,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1152,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (36, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[116,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[116,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1184,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1184,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (37, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[120,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[120,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1216,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1216,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1216,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1248,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1248,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1248,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1248,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (39, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1312,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1312,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1312,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1344,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1344,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1344,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1344,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[134,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[134,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[136,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[136,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1376,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1376,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1376,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (43, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1392,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1392,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1392,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1392,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1408,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1408,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1408,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1440,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1440,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1440,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (45, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[144,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[144,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1472,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1472,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1472,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (46, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1504,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1504,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1504,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1568,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1568,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1568,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1600,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1600,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1600,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (50, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1632,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1632,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1632,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1632,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1664,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1664,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1664,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (52, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[168,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[168,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1728,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1728,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (54, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1760,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1760,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1760,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (55, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1792,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1792,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1792,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1824,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1824,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[184,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[184,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[184,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1856,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (58, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1856,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (58, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1888,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1888,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[18,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[18,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[18,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[18,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[18,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1920,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1920,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,46,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,47,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,48,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,49,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,50,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,51,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,52,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,53,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,54,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,55,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,56,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,57,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,58,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,59,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,60,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,61,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,62,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,63,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,64,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,65,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,66,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,67,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,68,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,69,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,70,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,71,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,72,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,73,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,74,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,75,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,76,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,77,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,78,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,79,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,80,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,81,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,82,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,83,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,84,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,85,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,86,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,87,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,88,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,89,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,90,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,91,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,92,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,93,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,94,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,95,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,96,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,97,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,98,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,99,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,32,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,45,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,5,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[200,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[200,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[200,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[208,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[208,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[208,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[20,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[20,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[224,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[224,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[224,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[224,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[224,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[224,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[224,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[232,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[232,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[232,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[232,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[240,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[240,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[240,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[240,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[240,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[24,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[24,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2520,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2520,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2520,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (79, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2560,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2560,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2560,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2560,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[272,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[272,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[272,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[288,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[288,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[288,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[288,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[288,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[288,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[288,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (9, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[28,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[28,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[334,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[334,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[336,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[336,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[336,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[336,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[336,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[336,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[34,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[34,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[352,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[352,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[352,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[352,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[36,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[36,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[36,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[36,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[36,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3712,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3712,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3712,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (116, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[384,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[384,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[384,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[384,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[384,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[384,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[384,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[40,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[40,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[40,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[40,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[40,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[416,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[416,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[416,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (13, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[448,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[448,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[448,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[448,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[448,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[462,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[462,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[46,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[46,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[480,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[480,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[480,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[480,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[480,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (15, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[48,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[48,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[48,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[48,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[48,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[48,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[528,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[528,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[544,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[544,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (17, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[56,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[56,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[56,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[576,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[576,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[576,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[576,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[58,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[58,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[608,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[608,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (19, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[60,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[60,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[640,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[640,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[672,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[672,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[68,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[68,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[68,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[696,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[696,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[704,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[704,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (22, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[720,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[720,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[720,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[728,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[728,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[728,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[72,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[72,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[736,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[736,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (23, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[78,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[78,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4544,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4544,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[800,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[800,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[80,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[80,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[80,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[80,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[816,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[816,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[816,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[832,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[832,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (26, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[864,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (27, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[864,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (27, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[88,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[88,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[896,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[896,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[896,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[8,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[8,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[928,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[928,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[928,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[92,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[92,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[960,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[960,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[960,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[960,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[960,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[960,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[96,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[96,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[98,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[98,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[992,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[992,1,1,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[992,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (31, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,1,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,11,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,11,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,11,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,11,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,17,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,17,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,17,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,17,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,19,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,19,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,19,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,19,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,20,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,20,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,20,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,20,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,21,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,21,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,21,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,21,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,22,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,22,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,22,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,22,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,23,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,23,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,23,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,23,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,26,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,26,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,26,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,26,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 26 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,27,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,27,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,27,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,27,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,29,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,29,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,29,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,29,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 29 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[45,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[45,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[45,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[45,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[5,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[5,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[5,1,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[5,1,1,1,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,1,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,1,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32128,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32128,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1004, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,13,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,13,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,13,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1200,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1200,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1370,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1370,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1445,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1445,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1500,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1500,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16384,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16384,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,19200,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,19200,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,196,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,196,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,201,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,201,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,257,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,257,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,8,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4800,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4800,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,56,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,56,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,5120,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,5120,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,1500,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,1500,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 47, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,3000,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,3000,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 94, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,384,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,384,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 768 + d1, d2), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,18176,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,18176,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 568, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,32,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[640,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[640,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 + d2, d3), memory_config: (40, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[192,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[192,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2560,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2560,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2560,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2560,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[160,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[160,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,10,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,10,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,10,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,11,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,11,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,11,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,12,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,12,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,12,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,13,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,13,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,14,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,14,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,15,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,15,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,15,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,10,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,11,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,12,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,13,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,15,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,6,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,6,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,8,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,9,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,6,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,6,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,6,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,6,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,7,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,7,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,8,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,8,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,8,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,9,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,9,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,9,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[320,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[320,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,16,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,16,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 16 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 + d2, d3), memory_config: (20, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1280,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1280,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4544,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4544,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[128,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[128,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4,13,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4,13,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[56,56,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,100,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.typecast | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,208,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,10,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,20,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,20,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,20,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,30,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,30,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,40,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,40,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,60,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,60,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,352,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,896,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,ui32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,4,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,4,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[100,92,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[100,92,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (4, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,2560,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 80, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 80, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,51200,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1600, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1024,640,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1024,640,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[10,250002,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[10,250002,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 7813, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[10,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[10,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[10,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[10,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1200,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1200,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1200,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1200,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[12,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[12,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1370,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1370,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1370,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1370,3840,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1370,3840,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 120, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1370,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1370,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1370,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (43, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[13,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[13,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[13,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[13,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[13,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[13,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1445,192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1445,192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1445,192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1445,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1445,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1445,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (46, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[14,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[14,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1500,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1500,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1500,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1500,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1500,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1500,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1536,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1536,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (48, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16384,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16384,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16384,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16384,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,1,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[16,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[16,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[19200,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[19200,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[19200,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[19200,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[196,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[196,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[197,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[197,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,100,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,100,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 14 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 10 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 14 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 16 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19456 + d1 * 19 + d2, d3), memory_config: (608, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 28 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,640,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,640,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1024 + d1, d2), memory_config: (32, 20, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1024,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1024,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 7 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1056,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1056,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14784 + d1 * 14 + d2, d3), memory_config: (462, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1056,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1056,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7392 + d1 * 7 + d2, d3), memory_config: (231, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1088,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1088,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15232 + d1 * 14 + d2, d3), memory_config: (476, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1088,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1088,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 7 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,10,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,10,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 10 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15680 + d1 * 14 + d2, d3), memory_config: (490, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1120,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1120,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 7 + d2, d3), memory_config: (245, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 14 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 15 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 24 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,112,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,112,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 7 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1152,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1152,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 14 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1152,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1152,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 7 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1152,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1152,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 8 + d2, d3), memory_config: (288, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,116,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,116,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 14 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16576 + d1 * 14 + d2, d3), memory_config: (518, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8288 + d1 * 7 + d2, d3), memory_config: (259, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,11,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,11,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,11,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,11,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1200,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1200,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1200 + d1, d2), memory_config: (38, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,120,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,120,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 14 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,120,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,120,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2040 + d1 * 17 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,120,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,120,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 28 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1216,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1216,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17024 + d1 * 14 + d2, d3), memory_config: (532, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1216,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1216,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 7 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1248,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1248,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17472 + d1 * 14 + d2, d3), memory_config: (546, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1248,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1248,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8736 + d1 * 7 + d2, d3), memory_config: (273, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1248,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1248,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11232 + d1 * 9 + d2, d3), memory_config: (351, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12800 + d1 * 10 + d2, d3), memory_config: (400, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 12 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17920 + d1 * 14 + d2, d3), memory_config: (560, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 16 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 32 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 7 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 8 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1280,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1280,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 9 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 112 + d2, d3), memory_config: (448, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 128 + d2, d3), memory_config: (512, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 14 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 150 + d2, d3), memory_config: (600, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2176 + d1 * 17 + d2, d3), memory_config: (68, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 28 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 32 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 56 + d2, d3), memory_config: (224, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 64 + d2, d3), memory_config: (256, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 75 + d2, d3), memory_config: (300, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,128,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,128,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 7 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 120 + d1 * 10 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,12,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,12,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 156 + d1 * 13 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,14,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,14,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1500,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1500,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,15,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,15,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 180 + d1 * 15 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,16,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,16,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,17,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,17,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 204 + d1 * 17 + d2, d3), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,18,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,18,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 216 + d1 * 18 + d2, d3), memory_config: (7, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,197,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,197,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,19,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,19,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 228 + d1 * 19 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.typecast | tensor<[1,12,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,20,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,20,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 20 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,21,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 21 + d2, d3), memory_config: (8, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,21,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 21 + d2, d3), memory_config: (8, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,22,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 264 + d1 * 22 + d2, d3), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,22,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 264 + d1 * 22 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,23,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 276 + d1 * 23 + d2, d3), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,23,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 276 + d1 * 23 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,24,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 24 + d2, d3), memory_config: (9, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,24,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 24 + d2, d3), memory_config: (9, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,25,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,25,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,26,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 312 + d1 * 26 + d2, d3), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,26,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 312 + d1 * 26 + d2, d3), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,27,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 324 + d1 * 27 + d2, d3), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,27,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 324 + d1 * 27 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,28,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 28 + d2, d3), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,28,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 28 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,29,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 * 29 + d2, d3), memory_config: (11, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,29,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 348 + d1 * 29 + d2, d3), memory_config: (11, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,45,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,45,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,46,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,46,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 552 + d1 * 46 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,47,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,47,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 564 + d1 * 47 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,48,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,48,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 48 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,49,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,49,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 588 + d1 * 49 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,50,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,50,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,51,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,51,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 612 + d1 * 51 + d2, d3), memory_config: (20, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,52,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,52,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 624 + d1 * 52 + d2, d3), memory_config: (20, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,53,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,53,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 636 + d1 * 53 + d2, d3), memory_config: (20, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,54,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,54,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 648 + d1 * 54 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,55,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,55,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 660 + d1 * 55 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,56,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,56,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 56 + d2, d3), memory_config: (21, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,57,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,57,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 684 + d1 * 57 + d2, d3), memory_config: (22, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,58,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,58,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 696 + d1 * 58 + d2, d3), memory_config: (22, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,59,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,59,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 708 + d1 * 59 + d2, d3), memory_config: (23, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,60,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,60,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 720 + d1 * 60 + d2, d3), memory_config: (23, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,61,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,61,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 732 + d1 * 61 + d2, d3), memory_config: (23, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,62,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,62,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 744 + d1 * 62 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,63,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,63,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 756 + d1 * 63 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 64 + d2, d3), memory_config: (24, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,65,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,65,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 780 + d1 * 65 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,66,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,66,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 792 + d1 * 66 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,67,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,67,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 804 + d1 * 67 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,68,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,68,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 816 + d1 * 68 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,69,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,69,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 828 + d1 * 69 + d2, d3), memory_config: (26, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,70,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,70,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 840 + d1 * 70 + d2, d3), memory_config: (27, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,71,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,71,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 852 + d1 * 71 + d2, d3), memory_config: (27, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,72,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,72,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 864 + d1 * 72 + d2, d3), memory_config: (27, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,73,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,73,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 876 + d1 * 73 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,74,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,74,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 888 + d1 * 74 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,75,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,75,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 900 + d1 * 75 + d2, d3), memory_config: (29, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,76,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,76,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 912 + d1 * 76 + d2, d3), memory_config: (29, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,77,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,77,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 924 + d1 * 77 + d2, d3), memory_config: (29, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,78,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,78,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 936 + d1 * 78 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,79,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,79,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 948 + d1 * 79 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 80 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,81,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,81,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 972 + d1 * 81 + d2, d3), memory_config: (31, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,82,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,82,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 984 + d1 * 82 + d2, d3), memory_config: (31, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,83,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,83,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 996 + d1 * 83 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,84,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,84,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 84 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,85,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,85,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1020 + d1 * 85 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,86,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,86,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1032 + d1 * 86 + d2, d3), memory_config: (33, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,87,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,87,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1044 + d1 * 87 + d2, d3), memory_config: (33, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,88,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,88,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1056 + d1 * 88 + d2, d3), memory_config: (33, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,89,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,89,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1068 + d1 * 89 + d2, d3), memory_config: (34, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,90,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,90,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1080 + d1 * 90 + d2, d3), memory_config: (34, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,91,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,91,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1092 + d1 * 91 + d2, d3), memory_config: (35, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,92,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,92,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1104 + d1 * 92 + d2, d3), memory_config: (35, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,93,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,93,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1116 + d1 * 93 + d2, d3), memory_config: (35, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,94,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,94,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1128 + d1 * 94 + d2, d3), memory_config: (36, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,95,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,95,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1140 + d1 * 95 + d2, d3), memory_config: (36, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,96,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,96,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1152 + d1 * 96 + d2, d3), memory_config: (36, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,97,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,97,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1164 + d1 * 97 + d2, d3), memory_config: (37, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,98,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,98,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1176 + d1 * 98 + d2, d3), memory_config: (37, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,99,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1188 + d1 * 99 + d2, d3), memory_config: (38, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,99,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1188 + d1 * 99 + d2, d3), memory_config: (38, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,12,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,12,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1312,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1312,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18368 + d1 * 14 + d2, d3), memory_config: (574, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1312,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1312,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9184 + d1 * 7 + d2, d3), memory_config: (287, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1344,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1344,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 14 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1344,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1344,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 28 + d2, d3), memory_config: (1176, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1344,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1344,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 7 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,134,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,134,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3752 + d1 * 28 + d2, d3), memory_config: (118, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,136,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,136,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2584 + d1 * 19 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1370,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1370,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1370 + d1, d2), memory_config: (43, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1376,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1376,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19264 + d1 * 14 + d2, d3), memory_config: (602, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1376,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1376,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9632 + d1 * 7 + d2, d3), memory_config: (301, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1392,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1392,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13920 + d1 * 10 + d2, d3), memory_config: (435, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1392,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1392,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 14 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1392,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1392,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 28 + d2, d3), memory_config: (1218, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,3584,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,3584,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,13,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,13,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1408,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1408,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19712 + d1 * 14 + d2, d3), memory_config: (616, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1408,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1408,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 7 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1440,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1440,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20160 + d1 * 14 + d2, d3), memory_config: (630, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1440,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1440,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 7 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1445,192,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1445,192,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1445 + d1, d2), memory_config: (46, 6, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 14 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21600 + d1 * 150 + d2, d3), memory_config: (675, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27360 + d1 * 190 + d2, d3), memory_config: (855, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 28 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4320 + d1 * 30 + d2, d3), memory_config: (135, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4752 + d1 * 33 + d2, d3), memory_config: (149, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 56 + d2, d3), memory_config: (252, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8640 + d1 * 60 + d2, d3), memory_config: (270, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9360 + d1 * 65 + d2, d3), memory_config: (293, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10800 + d1 * 75 + d2, d3), memory_config: (338, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 7 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,144,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,144,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13680 + d1 * 95 + d2, d3), memory_config: (428, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1472,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1472,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20608 + d1 * 14 + d2, d3), memory_config: (644, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1472,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1472,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 7 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,14,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,14,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 196 + d1 * 14 + d2, d3), memory_config: (7, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 56 + d2, d3), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,14,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,14,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1500,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1500,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 1500 + d1, d2), memory_config: (47, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1504,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1504,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21056 + d1 * 14 + d2, d3), memory_config: (658, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1504,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1504,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10528 + d1 * 7 + d2, d3), memory_config: (329, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,151936,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4748, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,151936,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4748, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15360 + d1 * 10 + d2, d3), memory_config: (480, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 14 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1536,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1536,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 7 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1568,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1568,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21952 + d1 * 14 + d2, d3), memory_config: (686, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1568,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1568,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10976 + d1 * 7 + d2, d3), memory_config: (343, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,15,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,15,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1600,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1600,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22400 + d1 * 14 + d2, d3), memory_config: (700, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1600,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1600,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 7 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 14 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 24 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 28 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 56 + d2, d3), memory_config: (280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,160,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,160,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 7 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1632,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1632,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19584 + d1 * 12 + d2, d3), memory_config: (612, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1632,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1632,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 22848 + d1 * 14 + d2, d3), memory_config: (714, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1632,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1632,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11424 + d1 * 7 + d2, d3), memory_config: (357, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16384,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16384,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16384 + d1, d2), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1664,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1664,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23296 + d1 * 14 + d2, d3), memory_config: (728, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1664,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1664,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 7 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,168,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,168,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 28 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1696,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1696,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23744 + d1 * 14 + d2, d3), memory_config: (742, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1696,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1696,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11872 + d1 * 7 + d2, d3), memory_config: (371, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,10,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,10,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 160 + d1 * 10 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 112 + d2, d3), memory_config: (56, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,11,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,11,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 176 + d1 * 11 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 120 + d2, d3), memory_config: (60, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,12,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,12,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 12 + d2, d3), memory_config: (6, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2080 + d1 * 130 + d2, d3), memory_config: (65, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1370,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1370,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1370,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,13,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,13,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 208 + d1 * 13 + d2, d3), memory_config: (7, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,14,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,14,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 14 + d2, d3), memory_config: (7, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,15,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,15,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 240 + d1 * 15 + d2, d3), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,16,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,16,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 16 + d2, d3), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,17,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,17,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 272 + d1 * 17 + d2, d3), memory_config: (9, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,18,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,18,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 288 + d1 * 18 + d2, d3), memory_config: (9, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,19,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,19,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 304 + d1 * 19 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,20,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,20,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 20 + d2, d3), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,21,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,21,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 21 + d2, d3), memory_config: (11, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 224 + d2, d3), memory_config: (112, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,22,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,22,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 352 + d1 * 22 + d2, d3), memory_config: (11, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,23,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,23,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 368 + d1 * 23 + d2, d3), memory_config: (12, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,24,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,24,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 24 + d2, d3), memory_config: (12, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,256,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,256,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,25,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,25,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 400 + d1 * 25 + d2, d3), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,26,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,26,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 416 + d1 * 26 + d2, d3), memory_config: (13, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,27,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,27,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 432 + d1 * 27 + d2, d3), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,28,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,28,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 28 + d2, d3), memory_config: (14, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,29,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 464 + d1 * 29 + d2, d3), memory_config: (15, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,29,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 464 + d1 * 29 + d2, d3), memory_config: (15, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 32 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 56 + d2, d3), memory_config: (28, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,5,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,5,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,5,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,5,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 5 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,6,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,6,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 16 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 112 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,8,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,8,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 128 + d1 * 8 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,9,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,9,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,9,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,16,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,16,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1728,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1728,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24192 + d1 * 14 + d2, d3), memory_config: (756, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1728,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1728,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 7 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1760,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1760,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24640 + d1 * 14 + d2, d3), memory_config: (770, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1760,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1760,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12320 + d1 * 7 + d2, d3), memory_config: (385, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1792,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1792,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25088 + d1 * 14 + d2, d3), memory_config: (784, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1792,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1792,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 7 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1824,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1824,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12768 + d1 * 7 + d2, d3), memory_config: (399, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,184,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,184,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2576 + d1 * 14 + d2, d3), memory_config: (81, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,184,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,184,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 7 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1856,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1856,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 7 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1888,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1888,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13216 + d1 * 7 + d2, d3), memory_config: (413, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 14 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 28 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 56 + d2, d3), memory_config: (32, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,18,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,18,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 126 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,19200,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,19200,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 19200 + d1, d2), memory_config: (600, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 60, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 16 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 32 + d2, d3), memory_config: (1920, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1920,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1920,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 7 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 14 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 17 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 28 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 35 + d2, d3), memory_config: (210, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7296 + d1 * 38 + d2, d3), memory_config: (228, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9216 + d1 * 48 + d2, d3), memory_config: (288, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 56 + d2, d3), memory_config: (336, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14400 + d1 * 75 + d2, d3), memory_config: (450, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 7 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1536 + d1 * 8 + d2, d3), memory_config: (48, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,192,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,192,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18240 + d1 * 95 + d2, d3), memory_config: (570, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,196,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,196,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 14 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,196,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,196,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 196 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,197,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,197,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 197 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,10,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,10,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,10,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,11,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 * 11 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,11,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11 + d1 * 11 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,12,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,12,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,12,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,12,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,12,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,12,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,13,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,13,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,13,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,13,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,14,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,14,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,14,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,15,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 * 15 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,15,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15 + d1 * 15 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,16,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,10,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,11,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,12,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,14,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,15,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,16,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,17,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,18,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,19,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,201,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,201,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,2048,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,20,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,21,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,22,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,23,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,24,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,26,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,27,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,28,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,29,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,8,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,1,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,256,256,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,25,25,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,32,ui32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,384,512,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 384 + d2, d3), memory_config: (12, 16, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,384,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 384 + d1 * 384 + d2, d3), memory_config: (12, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,51200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,6,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,6,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,6,6,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,7,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,7,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,8,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,8,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 * 8 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,9,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,9,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,1,9,9,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,200,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,200,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2800 + d1 * 14 + d2, d3), memory_config: (88, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,200,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,200,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1400 + d1 * 7 + d2, d3), memory_config: (44, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,201,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,201,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 201 + d1, d2), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 10 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 14 + d2, d3), memory_config: (896, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 2048 + d1, d2), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2048,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2048,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 7 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,208,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,208,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2912 + d1 * 14 + d2, d3), memory_config: (91, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,208,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,208,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1872 + d1 * 9 + d2, d3), memory_config: (59, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,20,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,20,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 28 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,21843,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,21843,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 683, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 14 + d2, d3), memory_config: (98, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 17 + d2, d3), memory_config: (119, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 28 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7840 + d1 * 35 + d2, d3), memory_config: (245, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 56 + d2, d3), memory_config: (392, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,224,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,224,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1568 + d1 * 7 + d2, d3), memory_config: (49, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,232,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,232,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2320 + d1 * 10 + d2, d3), memory_config: (73, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,232,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,232,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 112 + d2, d3), memory_config: (812, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,232,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,232,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 56 + d2, d3), memory_config: (406, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 14 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 15 + d2, d3), memory_config: (113, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 28 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,240,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,240,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 30 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 112 + d2, d3), memory_config: (84, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 14 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3600 + d1 * 150 + d2, d3), memory_config: (113, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4560 + d1 * 190 + d2, d3), memory_config: (143, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 28 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 56 + d2, d3), memory_config: (42, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1440 + d1 * 60 + d2, d3), memory_config: (45, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,24,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,24,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1560 + d1 * 65 + d2, d3), memory_config: (49, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25088,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 784, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25088,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 784, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2520,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2520,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 79, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2520,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2520,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 35280 + d1 * 14 + d2, d3), memory_config: (1103, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2520,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2520,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 17640 + d1 * 7 + d2, d3), memory_config: (552, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2560,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2560,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 16 + d2, d3), memory_config: (1280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2560,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2560,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 8 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 128 + d2, d3), memory_config: (1024, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 14 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,160,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,160,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 16 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4352 + d1 * 17 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 28 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,32,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,32,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 32 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9728 + d1 * 38 + d2, d3), memory_config: (304, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 56 + d2, d3), memory_config: (448, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 256 + d1, d2), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 64 + d2, d3), memory_config: (512, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19200 + d1 * 75 + d2, d3), memory_config: (600, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 7 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,256,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,256,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 8 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,257,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,257,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 257 + d1, d2), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,25,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,25,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 25 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,272,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,272,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3264 + d1 * 12 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,272,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,272,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1904 + d1 * 7 + d2, d3), memory_config: (60, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,27,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,27,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 27 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 14 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4896 + d1 * 17 + d2, d3), memory_config: (153, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5472 + d1 * 19 + d2, d3), memory_config: (171, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 28 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9504 + d1 * 33 + d2, d3), memory_config: (297, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,288,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,288,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 38 + d2, d3), memory_config: (342, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,13,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,13,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,28,28,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,28,28,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 28 + d2, d3), memory_config: (25, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,300,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,300,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 300 + d1, d2), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,10,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,10,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 10 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,11,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,11,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 33792 + d1 * 11 + d2, d3), memory_config: (1056, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,12,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,12,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 36864 + d1 * 12 + d2, d3), memory_config: (1152, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,13,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,13,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 39936 + d1 * 13 + d2, d3), memory_config: (1248, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,14,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,14,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 43008 + d1 * 14 + d2, d3), memory_config: (1344, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,15,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,15,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 46080 + d1 * 15 + d2, d3), memory_config: (1440, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,16,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,16,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 3072 + d1, d2), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,6,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,6,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18432 + d1 * 6 + d2, d3), memory_config: (576, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,7,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,7,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21504 + d1 * 7 + d2, d3), memory_config: (672, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,8,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,8,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 24576 + d1 * 8 + d2, d3), memory_config: (768, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3072,9,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3072,9,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27648 + d1 * 9 + d2, d3), memory_config: (864, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3129,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3129,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 98, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4480 + d1 * 14 + d2, d3), memory_config: (140, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5440 + d1 * 17 + d2, d3), memory_config: (170, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 28 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 32 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 64 + d2, d3), memory_config: (640, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 7 + d2, d3), memory_config: (70, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,320,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,320,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 8 + d2, d3), memory_config: (80, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1004, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,10,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,10,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,10,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,10,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 320 + d1 * 10 + d2, d3), memory_config: (10, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 112 + d2, d3), memory_config: (112, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 120 + d2, d3), memory_config: (120, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 128 + d2, d3), memory_config: (128, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4160 + d1 * 130 + d2, d3), memory_config: (130, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 147 + d2, d3), memory_config: (147, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,149,149,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,149,149,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4768 + d1 * 149 + d2, d3), memory_config: (149, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 448 + d1 * 14 + d2, d3), memory_config: (14, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4800 + d1 * 150 + d2, d3), memory_config: (150, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,190,190,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,190,190,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6080 + d1 * 190 + d2, d3), memory_config: (190, 6, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,20,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,20,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,20,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,20,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,20,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,20,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 640 + d1 * 20 + d2, d3), memory_config: (20, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 256 + d2, d3), memory_config: (256, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 28 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,3072,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,30,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,30,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,30,4096,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,30,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 960 + d1 * 30 + d2, d3), memory_config: (30, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,32,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,32,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 32 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,40,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,40,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,40,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,40,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,40,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,40,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1280 + d1 * 40 + d2, d3), memory_config: (40, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,512,512,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,512,512,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 512 + d2, d3), memory_config: (512, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 56 + d2, d3), memory_config: (56, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,60,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,60,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,60,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,60,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 60 + d2, d3), memory_config: (60, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,75,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,75,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2400 + d1 * 75 + d2, d3), memory_config: (75, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.typecast | tensor<[1,32,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 224 + d1 * 7 + d2, d3), memory_config: (7, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,80,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,80,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,80,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,80,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2560 + d1 * 80 + d2, d3), memory_config: (80, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,32,95,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,32,95,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3040 + d1 * 95 + d2, d3), memory_config: (95, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,334,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,334,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4676 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 112 + d2, d3), memory_config: (1176, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 14 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 24 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 48 + d2, d3), memory_config: (504, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,336,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,336,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 56 + d2, d3), memory_config: (588, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,34,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,34,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 28 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,352,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,352,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4928 + d1 * 14 + d2, d3), memory_config: (154, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,352,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,352,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 28 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,352,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,352,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3168 + d1 * 9 + d2, d3), memory_config: (99, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 14 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 28 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 56 + d2, d3), memory_config: (63, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,36,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,36,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 252 + d1 * 7 + d2, d3), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3712,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 116, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3712,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 116, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3712,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3712,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 51968 + d1 * 14 + d2, d3), memory_config: (1624, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3712,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3712,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25984 + d1 * 7 + d2, d3), memory_config: (812, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 10 + d2, d3), memory_config: (120, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 14 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6528 + d1 * 17 + d2, d3), memory_config: (204, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 28 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 7 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,384,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,384,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3072 + d1 * 8 + d2, d3), memory_config: (96, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3,1445,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3,1445,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3,1445,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,3,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,3,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 224 + d2, d3), memory_config: (21, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,320,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,320,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4096,64,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4096,64,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4096 + d1, d2), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 14 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 28 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,30,30,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,30,30,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 30 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,40,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,40,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 56 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,416,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,416,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5824 + d1 * 14 + d2, d3), memory_config: (182, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,416,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,416,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 28 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 12 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 14 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 28 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,448,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,448,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 8 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,45,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,45,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 45 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,462,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,462,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3234 + d1 * 7 + d2, d3), memory_config: (102, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,46,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,46,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 28 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,4800,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,4800,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 4800 + d1, d2), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 14 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7200 + d1 * 15 + d2, d3), memory_config: (225, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 28 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,480,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,480,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 7 + d2, d3), memory_config: (105, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 672 + d1 * 14 + d2, d3), memory_config: (21, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,33,33,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,33,33,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1584 + d1 * 33 + d2, d3), memory_config: (50, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 38 + d2, d3), memory_config: (57, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 56 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,48,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,48,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 336 + d1 * 7 + d2, d3), memory_config: (11, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,50272,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,50272,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,50,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,50,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 50 + d1, d2), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,51200,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 14 + d2, d3), memory_config: (224, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 16 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 28 + d2, d3), memory_config: (448, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 32 + d2, d3), memory_config: (512, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 28672 + d1 * 56 + d2, d3), memory_config: (896, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 7 + d2, d3), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,512,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,512,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 8 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,528,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,528,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8976 + d1 * 17 + d2, d3), memory_config: (281, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,544,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,544,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7616 + d1 * 14 + d2, d3), memory_config: (238, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 784 + d1 * 14 + d2, d3), memory_config: (25, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,48,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,48,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 48 + d2, d3), memory_config: (84, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,56,56,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,56,56,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3136 + d1 * 56 + d2, d3), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,576,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,576,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8064 + d1 * 14 + d2, d3), memory_config: (252, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,576,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,576,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10944 + d1 * 19 + d2, d3), memory_config: (342, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,576,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,576,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 7 + d2, d3), memory_config: (126, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,58,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,58,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1624 + d1 * 28 + d2, d3), memory_config: (51, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,5,51200,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,5,51200,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 5 + d1, d2), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,608,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,608,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8512 + d1 * 14 + d2, d3), memory_config: (266, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,60,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,60,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1680 + d1 * 28 + d2, d3), memory_config: (53, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8960 + d1 * 14 + d2, d3), memory_config: (280, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10240 + d1 * 16 + d2, d3), memory_config: (320, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 20480 + d1 * 32 + d2, d3), memory_config: (640, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,640,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,640,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 40960 + d1 * 64 + d2, d3), memory_config: (1280, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7168 + d1 * 112 + d2, d3), memory_config: (224, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,120,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,120,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7680 + d1 * 120 + d2, d3), memory_config: (240, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,1280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,1280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 64 + d1, d2), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,128,128,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,128,128,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 128 + d2, d3), memory_config: (256, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,147,147,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,147,147,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 147 + d2, d3), memory_config: (294, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 14 + d2, d3), memory_config: (28, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,150,150,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,150,150,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9600 + d1 * 150 + d2, d3), memory_config: (300, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,224,224,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,224,224,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14336 + d1 * 224 + d2, d3), memory_config: (448, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16384 + d1 * 256 + d2, d3), memory_config: (512, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1792 + d1 * 28 + d2, d3), memory_config: (56, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,30,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,30,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1920 + d1 * 30 + d2, d3), memory_config: (60, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2240 + d1 * 35 + d2, d3), memory_config: (70, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3584 + d1 * 56 + d2, d3), memory_config: (112, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,60,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,60,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3840 + d1 * 60 + d2, d3), memory_config: (120, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 64 + d2, d3), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4672 + d1 * 73 + d2, d3), memory_config: (146, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,64,9,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,64,9,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9408 + d1 * 14 + d2, d3), memory_config: (294, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10080 + d1 * 15 + d2, d3), memory_config: (315, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16128 + d1 * 24 + d2, d3), memory_config: (504, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18816 + d1 * 28 + d2, d3), memory_config: (588, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 37632 + d1 * 56 + d2, d3), memory_config: (1176, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4704 + d1 * 7 + d2, d3), memory_config: (147, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,672,8,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,672,8,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 8 + d2, d3), memory_config: (168, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,68,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,68,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 952 + d1 * 14 + d2, d3), memory_config: (30, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,68,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,68,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3808 + d1 * 56 + d2, d3), memory_config: (119, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,696,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,696,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 19488 + d1 * 28 + d2, d3), memory_config: (609, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,696,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,696,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 38976 + d1 * 56 + d2, d3), memory_config: (1218, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 90 + d1 * 15 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,6,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,6,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,704,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,704,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9856 + d1 * 14 + d2, d3), memory_config: (308, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,71,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,71,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,720,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,720,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12240 + d1 * 17 + d2, d3), memory_config: (383, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,720,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,720,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6480 + d1 * 9 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,728,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,728,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13832 + d1 * 19 + d2, d3), memory_config: (433, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,728,38,38,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,728,38,38,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 27664 + d1 * 38 + d2, d3), memory_config: (865, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1008 + d1 * 14 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2016 + d1 * 28 + d2, d3), memory_config: (63, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4032 + d1 * 56 + d2, d3), memory_config: (126, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,72,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,72,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 504 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,736,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,736,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10304 + d1 * 14 + d2, d3), memory_config: (322, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,768,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,768,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 14 + d2, d3), memory_config: (336, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,784,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,784,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,784,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 25, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,78,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,78,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2184 + d1 * 28 + d2, d3), memory_config: (69, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,4544,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,4544,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 142, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,1024,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,7,7,2048,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,7,7,2048,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 49 + d1 * 7 + d2, d3), memory_config: (2, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,800,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,800,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11200 + d1 * 14 + d2, d3), memory_config: (350, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,80,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,80,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1120 + d1 * 14 + d2, d3), memory_config: (35, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,80,15,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,80,15,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1200 + d1 * 15 + d2, d3), memory_config: (38, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,80,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,80,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 560 + d1 * 7 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,816,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,816,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8160 + d1 * 10 + d2, d3), memory_config: (255, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,816,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,816,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 15504 + d1 * 19 + d2, d3), memory_config: (485, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,832,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,832,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11648 + d1 * 14 + d2, d3), memory_config: (364, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,864,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,864,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12096 + d1 * 14 + d2, d3), memory_config: (378, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,88,17,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,88,17,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1496 + d1 * 17 + d2, d3), memory_config: (47, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,896,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,896,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12544 + d1 * 14 + d2, d3), memory_config: (392, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,896,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,896,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6272 + d1 * 7 + d2, d3), memory_config: (196, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1024,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1024,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1024,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,10,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 80 + d1 * 10 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 896 + d1 * 112 + d2, d3), memory_config: (28, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,1,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,2,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,2,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,4,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,4,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,5,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,256,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,256,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,4096,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,4096,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,4096,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,64,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,64,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,64,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,9,160,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,9,160,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,9,40,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,9,40,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,8,9,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 3, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,8,9,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 72 + d1 * 9 + d2, d3), memory_config: (3, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9216,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 288, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9216,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 288, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,928,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,928,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12992 + d1 * 14 + d2, d3), memory_config: (406, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,928,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,928,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6496 + d1 * 7 + d2, d3), memory_config: (203, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,92,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,92,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1288 + d1 * 14 + d2, d3), memory_config: (41, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 30, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 12 + d2, d3), memory_config: (360, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13440 + d1 * 14 + d2, d3), memory_config: (420, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,24,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,24,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 23040 + d1 * 24 + d2, d3), memory_config: (720, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 30720 + d1 * 32 + d2, d3), memory_config: (960, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,3,3,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,3,3,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2880 + d1 * 3 + d2, d3), memory_config: (90, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,64,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 61440 + d1 * 64 + d2, d3), memory_config: (1920, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,960,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,960,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6720 + d1 * 7 + d2, d3), memory_config: (210, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,112,112,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,112,112,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10752 + d1 * 112 + d2, d3), memory_config: (336, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,120,120,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,120,120,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 11520 + d1 * 120 + d2, d3), memory_config: (360, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,130,130,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,130,130,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12480 + d1 * 130 + d2, d3), memory_config: (390, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1344 + d1 * 14 + d2, d3), memory_config: (42, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,19,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,19,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1824 + d1 * 19 + d2, d3), memory_config: (57, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2688 + d1 * 28 + d2, d3), memory_config: (84, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,35,35,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,35,35,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 3360 + d1 * 35 + d2, d3), memory_config: (105, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,56,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,56,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5376 + d1 * 56 + d2, d3), memory_config: (168, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,60,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,60,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5760 + d1 * 60 + d2, d3), memory_config: (180, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,65,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,65,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6240 + d1 * 65 + d2, d3), memory_config: (195, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,71,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,71,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6816 + d1 * 71 + d2, d3), memory_config: (213, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,96,73,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,96,73,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7008 + d1 * 73 + d2, d3), memory_config: (219, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,98,28,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,98,28,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2744 + d1 * 28 + d2, d3), memory_config: (86, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,992,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,992,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13888 + d1 * 14 + d2, d3), memory_config: (434, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,992,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,992,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6944 + d1 * 7 + d2, d3), memory_config: (217, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1024,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1024,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,128,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,128,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,1536,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,1536,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,2048,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,2048,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,4096,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,4096,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,50280,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1572, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,50280,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 1572, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[1,9,768,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[1,9,768,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[201,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[201,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[201,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[201,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[201,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[201,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (7, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2048,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2048,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (64, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,10240,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 320, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,160,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,160,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 5, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,32,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,32,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 160, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[256,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[256,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (8, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[257,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[257,2304,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 72, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[257,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[257,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[257,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[257,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[257,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[257,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (9, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[25,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[25,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[25,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[25,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[25,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[25,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[25,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[25,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[27,30522,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[27,30522,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 954, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[27,38,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[27,38,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[27,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[27,50257,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[27,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[27,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,1,7,7,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,7,512,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,7,512,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[2,8,7,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[2,8,7,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[300,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[300,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (10, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3136,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3136,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3136,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3136,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (98, 12, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,1536,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,1536,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 48, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,4608,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,4608,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 144, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[32,6144,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[32,6144,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 192, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3584,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3584,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3584,2,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 1, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3584,2,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3584,3584,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 112, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3584,3584,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 112, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[3584,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[3584,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (112, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,2560,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,2560,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 80, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,320,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,320,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 10, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4096,64,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4096,64,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (128, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[45,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[45,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[45,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[45,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[45,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4800,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4800,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4800,512,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4800,512,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (150, 16, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[49,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[49,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[49,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[49,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[4,1,1,13,ui32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[50,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[50,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[50,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[50,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[50,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[50,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[51200,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[51200,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[512,bf16]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[512,f32]> | mapping_from: (d0), mapping_to: (0, d0), memory_config: (1, 16, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[5,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[5,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[5,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[5,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[5,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[5,51200,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[5,51200,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1600, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,10240,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,10240,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 320, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,1280,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,1280,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 40, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[64,5120,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 160, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[64,5120,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 160, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[6,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[6,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[6,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[6,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[6,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[6,6,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,196,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,196,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 7, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[768,384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[768,384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (24, 12, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[784,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[784,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[784,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[784,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (25, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[7,2304,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[7,2304,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 72, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[7,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[7,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[7,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[7,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[7,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[920,1,256,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[920,1,256,f32]> | mapping_from: (d0, d1, d2), mapping_to: (d0 + d1, d2), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[920,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[920,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[920,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[920,256,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[920,256,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (29, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,1024,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,1024,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,128,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,128,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,16384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,16384,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,16384,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 512, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,2048,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,30000,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,30000,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 938, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,3072,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,3072,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 96, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,4096,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,4096,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,768,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,768,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 24, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.typecast | tensor<[9,8192,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, bf16>', 'dram') | dtype: #tt.supportedDataTypes | tensor<[9,8192,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 256, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where
Name | Input Shapes | Input Layouts | Attributes | Output Shapes | Output Layouts | PCC | ATOL |
---|---|---|---|---|---|---|---|
ttnn.where | tensor<[1,12,12,1,bf16]> tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,12,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 12 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,14,1,bf16]> tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,14,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 168 + d1 * 14 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1500,1,bf16]> tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1500,1500,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 18000 + d1 * 1500 + d2, d3), memory_config: (563, 47, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,16,1,bf16]> tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,16,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 192 + d1 * 16 + d2, d3), memory_config: (6, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,197,1,bf16]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,197,197,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2364 + d1 * 197 + d2, d3), memory_config: (74, 7, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,1,1,bf16]> tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,25,1,bf16]> tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,25,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 300 + d1 * 25 + d2, d3), memory_config: (10, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,50,1,bf16]> tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,50,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 600 + d1 * 50 + d2, d3), memory_config: (19, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,7,1,bf16]> tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 84 + d1 * 7 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,9,1,bf16]> tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 108 + d1 * 9 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1370,1,bf16]> tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1370,1370,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 21920 + d1 * 1370 + d2, d3), memory_config: (685, 43, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,10,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,11,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,12,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,14,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,15,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,16,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,17,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,18,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,19,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,20,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,21,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,22,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,23,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,24,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,25,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,26,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,27,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,28,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,29,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,8,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,1,1,bf16]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,1,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,256,1,bf16]> tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4096 + d1 * 256 + d2, d3), memory_config: (128, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,6,1,bf16]> tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,6,6,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 96 + d1 * 6 + d2, d3), memory_config: (3, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,9,1,bf16]> tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 144 + d1 * 9 + d2, d3), memory_config: (5, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,24,32,1,bf16]> tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,24,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 768 + d1 * 32 + d2, d3), memory_config: (24, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,28,13,1,bf16]> tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,28,13,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 364 + d1 * 13 + d2, d3), memory_config: (12, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,32,32,1,bf16]> tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,32,32,32,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 1024 + d1 * 32 + d2, d3), memory_config: (32, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,3,1445,1,bf16]> tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,3,1445,1445,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 4335 + d1 * 1445 + d2, d3), memory_config: (136, 46, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,64,9,1,bf16]> tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,64,9,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 576 + d1 * 9 + d2, d3), memory_config: (18, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,71,7,1,bf16]> tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,71,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 497 + d1 * 7 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,1024,1,bf16]> tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,1024,1024,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 32, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,1024,1,bf16]> tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,1024,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 8192 + d1 * 1024 + d2, d3), memory_config: (256, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,256,1,bf16]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,256,256,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 8, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,256,1,bf16]> tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,256,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 2048 + d1 * 256 + d2, d3), memory_config: (64, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,4096,1,bf16]> tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,4096,4096,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 128, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,4096,1,bf16]> tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,4096,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32768 + d1 * 4096 + d2, d3), memory_config: (1024, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,64,1,bf16]> tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,64,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,64,1,bf16]> tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,64,9,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 512 + d1 * 64 + d2, d3), memory_config: (16, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[2,8,7,1,bf16]> tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[2,8,7,7,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 56 + d1 * 7 + d2, d3), memory_config: (4, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[4,16,1,1,bf16]> tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[4,16,1,1,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 + d2, d3), memory_config: (2, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,11,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 11 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 12 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,13,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 13 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,14,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 14 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,15,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 15 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,6,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 6 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,7,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 7 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 8 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,9,3072,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 9 + d1, d2), memory_config: (1, 96, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[5,5,bf16]> tensor<[5,5,bf16]> tensor<[5,5,bf16]> tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[5,5,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[16,49,49,bf16]> tensor<[16,49,49,bf16]> tensor<[16,49,49,bf16]> tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[16,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (25, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,10,bf16]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,10,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,11,bf16]> tensor<[1,11,ui32]> tensor<[1,11,ui32]> tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,11,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,12,bf16]> tensor<[1,12,ui32]> tensor<[1,12,ui32]> tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,13,bf16]> tensor<[1,13,ui32]> tensor<[1,13,ui32]> tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,13,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,14,bf16]> tensor<[3,14,bf16]> tensor<[3,14,bf16]> tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[3,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,14,bf16]> tensor<[4,14,bf16]> tensor<[4,14,bf16]> tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[4,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,14,bf16]> tensor<[7,14,bf16]> tensor<[7,14,bf16]> tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[7,14,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,14,bf16]> tensor<[1,14,ui32]> tensor<[1,14,ui32]> tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,14,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,15,bf16]> tensor<[1,15,ui32]> tensor<[1,15,ui32]> tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,15,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,16,bf16]> tensor<[1,16,ui32]> tensor<[1,16,ui32]> tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,16,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,17,bf16]> tensor<[1,17,ui32]> tensor<[1,17,ui32]> tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,17,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,18,bf16]> tensor<[1,18,ui32]> tensor<[1,18,ui32]> tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,18,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,19,bf16]> tensor<[1,19,ui32]> tensor<[1,19,ui32]> tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,19,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,10,10,bf16]> tensor<[1,1,10,10,bf16]> tensor<[1,1,10,10,bf16]> tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,10,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 10 + d1 * 10 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,12,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 * 12 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,13,13,bf16]> tensor<[1,1,13,13,bf16]> tensor<[1,1,13,13,bf16]> tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,13,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 13 + d1 * 13 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,14,14,bf16]> tensor<[1,1,14,14,bf16]> tensor<[1,1,14,14,bf16]> tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,14,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 14 + d1 * 14 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,16,16,bf16]> tensor<[1,1,16,16,bf16]> tensor<[1,1,16,16,bf16]> tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,16,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 16 + d1 * 16 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,10,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,11,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,12,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,13,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,14,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,15,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,16,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,17,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,18,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,19,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,20,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,21,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,22,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,23,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,24,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,26,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,27,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,28,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,29,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,46,bf16]> tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,46,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,46,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,47,bf16]> tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,47,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,47,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,48,bf16]> tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,48,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,48,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,49,bf16]> tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,49,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,49,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,50,bf16]> tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,50,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,50,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,51,bf16]> tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,51,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,51,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,52,bf16]> tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,52,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,52,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,53,bf16]> tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,53,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,53,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,54,bf16]> tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,54,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,54,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,55,bf16]> tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,55,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,55,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,56,bf16]> tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,56,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,56,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,57,bf16]> tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,57,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,57,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,58,bf16]> tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,58,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,58,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,59,bf16]> tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,59,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,59,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,60,bf16]> tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,60,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,60,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,61,bf16]> tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,61,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,61,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,62,bf16]> tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,62,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,62,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,63,bf16]> tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,63,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,63,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,64,bf16]> tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,64,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,64,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,65,bf16]> tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,65,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,65,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,66,bf16]> tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,66,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,66,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,67,bf16]> tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,67,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,67,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,68,bf16]> tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,68,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,68,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,69,bf16]> tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,69,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,69,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,70,bf16]> tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,70,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,70,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,71,bf16]> tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,71,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,71,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,72,bf16]> tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,72,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,72,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,73,bf16]> tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,73,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,73,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,74,bf16]> tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,74,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,74,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,75,bf16]> tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,75,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,75,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,76,bf16]> tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,76,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,76,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,77,bf16]> tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,77,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,77,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,78,bf16]> tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,78,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,78,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,79,bf16]> tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,79,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,79,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,80,bf16]> tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,80,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,80,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,81,bf16]> tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,81,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,81,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,82,bf16]> tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,82,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,82,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,83,bf16]> tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,83,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,83,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,84,bf16]> tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,84,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,84,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,85,bf16]> tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,85,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,85,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,86,bf16]> tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,86,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,86,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,87,bf16]> tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,87,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,87,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,88,bf16]> tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,88,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,88,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,89,bf16]> tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,89,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,89,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,8,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,90,bf16]> tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,90,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,90,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,91,bf16]> tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,91,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,91,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,92,bf16]> tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,92,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,92,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,93,bf16]> tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,93,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,93,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,94,bf16]> tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,94,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,94,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,95,bf16]> tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,95,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,95,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,96,bf16]> tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,96,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,96,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 3, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,97,bf16]> tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,97,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,97,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,98,bf16]> tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,98,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,98,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,99,bf16]> tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,1,99,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 12 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,99,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 4, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,1,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,256,256,bf16]> tensor<[1,1,256,256,bf16]> tensor<[1,1,256,256,bf16]> tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,256,256,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 256 + d1 * 256 + d2, d3), memory_config: (8, 8, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,25,25,bf16]> tensor<[1,1,25,25,bf16]> tensor<[1,1,25,25,bf16]> tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,25,25,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 25 + d1 * 25 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,32,32,bf16]> tensor<[1,1,32,32,bf16]> tensor<[1,1,32,32,bf16]> tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,32,32,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 32 + d1 * 32 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,45,45,bf16]> tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,12,45,45,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 540 + d1 * 45 + d2, d3), memory_config: (17, 2, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,45,45,bf16]> tensor<[1,1,45,45,bf16]> tensor<[1,1,45,45,bf16]> tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,45,45,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 45 + d1 * 45 + d2, d3), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,5,5,bf16]> tensor<[1,1,5,5,bf16]> tensor<[1,1,5,5,bf16]> tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,5,5,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 5 + d1 * 5 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,6,6,bf16]> tensor<[1,1,6,6,bf16]> tensor<[1,1,6,6,bf16]> tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,6,6,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 6 + d1 * 6 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,1,9,9,bf16]> tensor<[1,1,9,9,bf16]> tensor<[1,1,9,9,bf16]> tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,1,9,9,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 9 + d1 * 9 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,20,bf16]> tensor<[1,20,ui32]> tensor<[1,20,ui32]> tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,20,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,21,bf16]> tensor<[1,21,ui32]> tensor<[1,21,ui32]> tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,21,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,22,bf16]> tensor<[1,22,ui32]> tensor<[1,22,ui32]> tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,22,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,23,bf16]> tensor<[1,23,ui32]> tensor<[1,23,ui32]> tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,23,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,24,bf16]> tensor<[1,24,ui32]> tensor<[1,24,ui32]> tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,24,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,25,bf16]> tensor<[1,25,ui32]> tensor<[1,25,ui32]> tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,25,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,26,bf16]> tensor<[1,26,ui32]> tensor<[1,26,ui32]> tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,26,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,27,bf16]> tensor<[1,27,ui32]> tensor<[1,27,ui32]> tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,27,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,28,bf16]> tensor<[21,28,bf16]> tensor<[21,28,bf16]> tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[21,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,28,bf16]> tensor<[3,28,bf16]> tensor<[3,28,bf16]> tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[3,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,28,bf16]> tensor<[4,28,bf16]> tensor<[4,28,bf16]> tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[4,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,28,bf16]> tensor<[1,28,ui32]> tensor<[1,28,ui32]> tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,28,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,29,bf16]> tensor<[1,29,ui32]> tensor<[1,29,ui32]> tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,29,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,50257,bf16]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,50257,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1571, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,56,bf16]> tensor<[3,56,bf16]> tensor<[3,56,bf16]> tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[3,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,56,bf16]> tensor<[49,56,bf16]> tensor<[49,56,bf16]> tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[49,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,56,bf16]> tensor<[4,56,bf16]> tensor<[4,56,bf16]> tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[4,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[1,5,bf16]> tensor<[1,5,ui32]> tensor<[1,5,ui32]> tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,5,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,6,bf16]> tensor<[1,6,ui32]> tensor<[1,6,ui32]> tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,6,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,7,bf16]> tensor<[1,7,ui32]> tensor<[1,7,ui32]> tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,7,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,8,bf16]> tensor<[1,8,ui32]> tensor<[1,8,ui32]> tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,8,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[1,9,bf16]> tensor<[1,9,ui32]> tensor<[1,9,ui32]> tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[1,9,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[28,1,bf16]> tensor<[28,28,bf16]> tensor<[28,28,bf16]> tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[28,28,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[2,1,7,7,bf16]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 * 7 + d1 * 7 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[4,1,1,13,bf16]> tensor<[4,1,1,13,f32]> tensor<[4,1,1,13,f32]> tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[4,1,1,13,f32]> | mapping_from: (d0, d1, d2, d3), mapping_to: (d0 + d1 + d2, d3), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[4,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (7, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[56,1,bf16]> tensor<[56,56,bf16]> tensor<[56,56,bf16]> tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[56,56,bf16]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (2, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[64,49,49,bf16]> | mapping_from: (d0, d1, d2), mapping_to: (d0 * 49 + d1, d2), memory_config: (98, 2, 'tile<32x32, bf16>', 'dram') | nan | nan |
ttnn.where | tensor<[6,6,bf16]> tensor<[6,6,f32]> tensor<[6,6,f32]> tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[6,6,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[8,1,bf16]> tensor<[8,1,ui32]> tensor<[8,1,ui32]> tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[8,1,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |
ttnn.where | tensor<[8,2048,bf16]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[8,2048,f32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 64, 'tile<32x32, f32>', 'dram') | nan | nan |
ttnn.where | tensor<[8,2,bf16]> tensor<[8,2,ui32]> tensor<[8,2,ui32]> tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, bf16>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | operandSegmentSizes: array<i32: 3, 1> | tensor<[8,2,ui32]> | mapping_from: (d0, d1), mapping_to: (d0, d1), memory_config: (1, 1, 'tile<32x32, u32>', 'dram') | nan | nan |